examples

Форк
0
/
using-llamaindex-with-pinecone.ipynb 
1156 строк · 1.8 Мб
1
{
2
 "cells": [
3
  {
4
   "cell_type": "markdown",
5
   "metadata": {
6
    "id": "NGGk7Y6pFWqf"
7
   },
8
   "source": [
9
    "[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/pinecone-io/examples/blob/master/learn/generation/llama-index/using-llamaindex-with-pinecone.ipynb) [![Open nbviewer](https://raw.githubusercontent.com/pinecone-io/examples/master/assets/nbviewer-shield.svg)](https://nbviewer.org/github/pinecone-io/examples/blob/master/learn/generation/llama-index/using-llamaindex-with-pinecone.ipynb)\n",
10
    "\n",
11
    "# Using LlamaIndex with Pinecone\n",
12
    "\n",
13
    "Accompanying notebook to [this documentation](https://docs.pinecone.io/docs/llamaindex).\n",
14
    "Note this notebook requires a paid OpenAI plan to avoid rate limits."
15
   ]
16
  },
17
  {
18
   "cell_type": "markdown",
19
   "metadata": {
20
    "id": "4-4KqRZKChu_"
21
   },
22
   "source": [
23
    "# Set up environment\n"
24
   ]
25
  },
26
  {
27
   "cell_type": "code",
28
   "execution_count": 1,
29
   "metadata": {
30
    "id": "l_2XILBGBxNI"
31
   },
32
   "outputs": [],
33
   "source": [
34
    "!pip install -qU \\\n",
35
    "    llama-index==0.9.34 \\\n",
36
    "    \"pinecone-client[grpc]\"==3.0.0 \\\n",
37
    "    arxiv==2.1.0\n"
38
   ]
39
  },
40
  {
41
   "cell_type": "code",
42
   "execution_count": 2,
43
   "metadata": {
44
    "colab": {
45
     "base_uri": "https://localhost:8080/"
46
    },
47
    "id": "lghB__9ECB7a",
48
    "outputId": "d3cdffb6-5ef1-4e6d-fd91-13a15c845ee0"
49
   },
50
   "outputs": [
51
    {
52
     "name": "stdout",
53
     "output_type": "stream",
54
     "text": [
55
      "Enter your Pinecone API Key: ··········\n",
56
      "Enter your OpenAI API Key: ··········\n"
57
     ]
58
    }
59
   ],
60
   "source": [
61
    "import os\n",
62
    "from getpass import getpass\n",
63
    "\n",
64
    "pinecone_api_key = os.getenv(\"PINECONE_API_KEY\") or getpass(\"Enter your Pinecone API Key: \")\n",
65
    "openai_api_key = os.getenv(\"OPENAI_API_KEY\") or getpass(\"Enter your OpenAI API Key: \")\n"
66
   ]
67
  },
68
  {
69
   "cell_type": "code",
70
   "execution_count": 3,
71
   "metadata": {
72
    "colab": {
73
     "base_uri": "https://localhost:8080/"
74
    },
75
    "id": "kq0EB52hCYl5",
76
    "outputId": "c6dfa7d1-2c02-4790-f1ac-02f41b797887"
77
   },
78
   "outputs": [
79
    {
80
     "name": "stdout",
81
     "output_type": "stream",
82
     "text": [
83
      "Python 3.10.12\n"
84
     ]
85
    }
86
   ],
87
   "source": [
88
    "# Notebook runs on Python version:\n",
89
    "!python -V"
90
   ]
91
  },
92
  {
93
   "cell_type": "markdown",
94
   "metadata": {
95
    "id": "6n1FKszfCo6i"
96
   },
97
   "source": [
98
    "# Load the data\n"
99
   ]
100
  },
101
  {
102
   "cell_type": "code",
103
   "execution_count": 7,
104
   "metadata": {
105
    "colab": {
106
     "base_uri": "https://localhost:8080/"
107
    },
108
    "id": "LUHLfBHYCqPR",
109
    "outputId": "20a957e1-562d-4920-c47d-7927c5bf5c7d"
110
   },
111
   "outputs": [
112
    {
113
     "data": {
114
      "text/plain": [
115
       "Document(id_='8ace8b98-2057-4113-ac54-dcb474cbf89b', embedding=None, metadata={'page_label': '1', 'file_name': 'hnsw.pdf'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={}, hash='786d6f516cefedb35510cd9443b8bbef8256f606a479688b4ade59c548117475', text=\"IEEE TRANSACTIONS ON  JOURNAL NAME,  MANUS CRIPT ID  1 \\n Efficient and robust approximate nearest \\nneighbor search using Hierarchical Navigable \\nSmall World graphs  \\nYu. A. Malkov,  D. A. Yashunin  \\nAbstract  — We present a new approach for the approximate K -nearest neighbor search based on navigable small world \\ngraphs with controllable hierarchy (Hierarchical NSW , HNSW ). The proposed solution is fully graph -based, without any need for \\nadditional search structures, which are typically used at the coarse search stage of the most proximity graph techniques. \\nHierarchical NSW incrementally builds  a multi -layer structure consisting from hierarchical set of proximity graphs (layers) for \\nnested  subsets of the stored elements. The maximum layer in which an element is present is selected randomly with an \\nexponentially decaying probability distribution. This allows producing graphs similar to the previously studied Navigable Sma ll \\nWorld (NSW) struc tures while additionally having the links separated by their characteristic distance scales. Starting search \\nfrom the upper layer together with utilizing the scale separation boosts the performance compared to NSW and allows a \\nlogarithmic complexity scalin g. Additional employment of a heuristic for selecting proximity graph neighbors significantly \\nincreases performance at high recall and in case of highly clustered data. Performance evaluation has demonstrated that the \\nproposed general metric space search i ndex is able to strongly outperform previous  opensource  state -of-the-art vector -only \\napproaches. Similarity of the algorithm to the skip list structure allows straightforward balanced distributed implementation . \\nIndex Terms  — Graph and tree search strategies, Artificial Intelligence, Information Search and Retrieval, Information Storage \\nand Retrieval, Information Technology and Systems, Search process, Graphs and networks, Data Structures, Nearest neighbor \\nsearch, Big data, Approximate search, Simil arity search  \\n——————————    \\uf075   ——————————  \\n1 INTRODUCTION\\nonstantly growing amount of the available info r-\\nmation resources has led to high demand in scalable \\nand efficient similarity search data structures. One of the \\ngenerally used approaches for information search is the \\nK-Nearest Neighbor Search (K -NNS). The K -NNS a s-\\nsumes you have a defined distance function between the \\ndata elements and aims at finding the K elements from \\nthe dataset which minimize the distance to a given query. \\nSuch algorithms are used in many applications, such as \\nnon-parametric machine learn ing algorithms, image fe a-\\ntures matching in large scale databases [1] and semantic \\ndocument retrieval [2]. A naïve approach to K -NNS is to \\ncompute the distances between the query and every el e-\\nment in the dataset and select the elements with minimal \\ndistance. Unfortunately , the complexity of the naïve a p-\\nproach scales linearly with the number of stored elements  \\nmaking it infeasible for large -scale  datasets. This has led \\nto a high interest in development of fast and scalable K -\\nNNS algorithms.  \\nExact solutions for K -NNS [3-5] may offer a substantial \\nsearch speedup only in case of relatively low dimensional \\ndata du e to “curse of dimensionality”. To overcome this \\nproblem a concept of Approximate Nearest Neighbors \\nSearch (K -ANNS) was proposed, which relaxes the cond i-\\ntion of the exact search by allowing a small number of errors. The quality of an inexact search (the re call) is d e-\\nfined as the ratio between the number of found true nea r-\\nest neighbors and K. The m ost popular K -ANNS sol u-\\ntions are based on approximated versions of tree alg o-\\nrithms  [6, 7], locality -sensitive hashing (LSH) [8, 9]  and \\nproduct quantization  (PQ)  [10-17]. Proximity graph K -\\nANNS algorithms [10, 18 -26] have recently gained pop u-\\nlarity offering a better performance on high dimensional \\ndatasets. However, the power -law scaling of the proxim i-\\nty graph routing  causes extreme performance degrad a-\\ntion in case o f low dimensional or clustered data.  \\nIn this paper we propose the Hierarchical Navigable \\nSmall World (Hierarchical NSW, HNSW), a new fully \\ngraph based incremental K -ANNS structure, which can \\noffer a much better logarithmic complexity scaling. The \\nmain contributions are: explicit  selection of the graph’s \\nenter -point node, separation of links by  different scales \\nand use of an advanced heuristic to select the neighbors. \\nAlternatively, Hierarchical NSW algorithm can be seen as \\nan extension of the probabilistic skip list structure  [27] \\nwith proximity graphs instead of the linked lists. Perfo r-\\nmance e valuation has demonstrated that the proposed \\ngeneral metric space method is able to strongly outpe r-\\nform previous opensource state -of-the-art approaches \\nsuitable only for vector spaces.  \\n————————————————  \\n\\uf0b7 Y. M alkov  is with the Federal state budgetary institution of science \\nInstitute of Applied Physics of the Russian Academy of Sciences, 46 \\nUl'yanov Street, 603950 Nizhny Novgorod, Russia . E-mail:  \\nyurymalkov@mail.ru . \\n\\uf0b7 D. Y ashunin . Addres:  31-33 ul. Krasnozvezdnaya, 603104 Nizhny \\nNovgorod, Russia. E -mail: yashuninda@yandex.ru  C \\nThis work has been submitted to the IEEE for possible publication. Copyright \\nmay be transferred without notice, after which this version may no longer be \\naccessible.  \", start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n')"
116
      ]
117
     },
118
     "execution_count": 7,
119
     "metadata": {},
120
     "output_type": "execute_result"
121
    }
122
   ],
123
   "source": [
124
    "import arxiv\n",
125
    "from pathlib import Path\n",
126
    "from llama_index import download_loader\n",
127
    "\n",
128
    "# Download paper to local file system (LFS)\n",
129
    "# `id_list` contains 1 item that matches our PDF's arXiv ID\n",
130
    "paper = next(arxiv.Client().results(arxiv.Search(id_list=[\"1603.09320\"])))\n",
131
    "paper.download_pdf(filename=\"hnsw.pdf\")\n",
132
    "\n",
133
    "# Download and instantiate `PDFReader` from LlamaHub\n",
134
    "PDFReader = download_loader(\"PDFReader\")\n",
135
    "loader = PDFReader()\n",
136
    "\n",
137
    "# Load HNSW PDF from LFS\n",
138
    "documents = loader.load_data(file=Path('./hnsw.pdf'))\n",
139
    "\n",
140
    "# Preview one of our documents\n",
141
    "documents[0]"
142
   ]
143
  },
144
  {
145
   "cell_type": "code",
146
   "execution_count": 8,
147
   "metadata": {
148
    "id": "lIMqktjNDC-o"
149
   },
150
   "outputs": [],
151
   "source": [
152
    "# Clean up our Documents' content\n",
153
    "import re\n",
154
    "\n",
155
    "def clean_up_text(content: str) -> str:\n",
156
    "    \"\"\"\n",
157
    "    Remove unwanted characters and patterns in text input.\n",
158
    "\n",
159
    "    :param content: Text input.\n",
160
    "\n",
161
    "    :return: Cleaned version of original text input.\n",
162
    "    \"\"\"\n",
163
    "\n",
164
    "    # Fix hyphenated words broken by newline\n",
165
    "    content = re.sub(r'(\\w+)-\\n(\\w+)', r'\\1\\2', content)\n",
166
    "\n",
167
    "    # Remove specific unwanted patterns and characters\n",
168
    "    unwanted_patterns = [\n",
169
    "        \"\\\\n\", \"  —\", \"——————————\", \"—————————\", \"—————\",\n",
170
    "        r'\\\\u[\\dA-Fa-f]{4}', r'\\uf075', r'\\uf0b7'\n",
171
    "    ]\n",
172
    "    for pattern in unwanted_patterns:\n",
173
    "        content = re.sub(pattern, \"\", content)\n",
174
    "\n",
175
    "    # Fix improperly spaced hyphenated words and normalize whitespace\n",
176
    "    content = re.sub(r'(\\w)\\s*-\\s*(\\w)', r'\\1-\\2', content)\n",
177
    "    content = re.sub(r'\\s+', ' ', content)\n",
178
    "\n",
179
    "    return content\n",
180
    "\n",
181
    "# Call function\n",
182
    "cleaned_docs = []\n",
183
    "for d in documents:\n",
184
    "    cleaned_text = clean_up_text(d.text)\n",
185
    "    d.text = cleaned_text\n",
186
    "    cleaned_docs.append(d)"
187
   ]
188
  },
189
  {
190
   "cell_type": "code",
191
   "execution_count": 9,
192
   "metadata": {
193
    "colab": {
194
     "base_uri": "https://localhost:8080/",
195
     "height": 122
196
    },
197
    "id": "8MXyzzqMDTzb",
198
    "outputId": "07162a89-57e0-47fd-bef8-39419c05f045"
199
   },
200
   "outputs": [
201
    {
202
     "data": {
203
      "application/vnd.google.colaboratory.intrinsic+json": {
204
       "type": "string"
205
      },
206
      "text/plain": [
207
       "\"IEEE TRANSACTIONS ON JOURNAL NAME, MANUS CRIPT ID 1 Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs Yu. A. Malkov, D. A. Yashunin Abstract We present a new approach for the approximate K-nearest neighbor search based on navigable small world graphs with controllable hierarchy (Hierarchical NSW , HNSW ). The proposed solution is fully graph-based, without any need for additional search structures, which are typically used at the coarse search stage of the most proximity graph techniques. Hierarchical NSW incrementally builds a multi-layer structure consisting from hierarchical set of proximity graphs (layers) for nested subsets of the stored elements. The maximum layer in which an element is present is selected randomly with an exponentially decaying probability distribution. This allows producing graphs similar to the previously studied Navigable Sma ll World (NSW) struc tures while additionally having the links separated by their characteristic distance scales. Starting search from the upper layer together with utilizing the scale separation boosts the performance compared to NSW and allows a logarithmic complexity scalin g. Additional employment of a heuristic for selecting proximity graph neighbors significantly increases performance at high recall and in case of highly clustered data. Performance evaluation has demonstrated that the proposed general metric space search i ndex is able to strongly outperform previous opensource state-of-the-art vector-only approaches. Similarity of the algorithm to the skip list structure allows straightforward balanced distributed implementation . Index Terms Graph and tree search strategies, Artificial Intelligence, Information Search and Retrieval, Information Storage and Retrieval, Information Technology and Systems, Search process, Graphs and networks, Data Structures, Nearest neighbor search, Big data, Approximate search, Simil arity search 1 INTRODUCTIONonstantly growing amount of the available info rmation resources has led to high demand in scalable and efficient similarity search data structures. One of the generally used approaches for information search is the K-Nearest Neighbor Search (K-NNS). The K-NNS a ssumes you have a defined distance function between the data elements and aims at finding the K elements from the dataset which minimize the distance to a given query. Such algorithms are used in many applications, such as non-parametric machine learn ing algorithms, image fe atures matching in large scale databases [1] and semantic document retrieval [2]. A naïve approach to K-NNS is to compute the distances between the query and every el ement in the dataset and select the elements with minimal distance. Unfortunately , the complexity of the naïve a pproach scales linearly with the number of stored elements making it infeasible for large-scale datasets. This has led to a high interest in development of fast and scalable K-NNS algorithms. Exact solutions for K-NNS [3-5] may offer a substantial search speedup only in case of relatively low dimensional data du e to “curse of dimensionality”. To overcome this problem a concept of Approximate Nearest Neighbors Search (K-ANNS) was proposed, which relaxes the cond ition of the exact search by allowing a small number of errors. The quality of an inexact search (the re call) is d efined as the ratio between the number of found true nea rest neighbors and K. The m ost popular K-ANNS sol utions are based on approximated versions of tree alg orithms [6, 7], locality-sensitive hashing (LSH) [8, 9] and product quantization (PQ) [10-17]. Proximity graph K-ANNS algorithms [10, 18-26] have recently gained pop ularity offering a better performance on high dimensional datasets. However, the power-law scaling of the proxim ity graph routing causes extreme performance degrad ation in case o f low dimensional or clustered data. In this paper we propose the Hierarchical Navigable Small World (Hierarchical NSW, HNSW), a new fully graph based incremental K-ANNS structure, which can offer a much better logarithmic complexity scaling. The main contributions are: explicit selection of the graph’s enter-point node, separation of links by different scales and use of an advanced heuristic to select the neighbors. Alternatively, Hierarchical NSW algorithm can be seen as an extension of the probabilistic skip list structure [27] with proximity graphs instead of the linked lists. Perfo rmance e valuation has demonstrated that the proposed general metric space method is able to strongly outpe rform previous opensource state-of-the-art approaches suitable only for vector spaces. Y. M alkov is with the Federal state budgetary institution of science Institute of Applied Physics of the Russian Academy of Sciences, 46 Ul'yanov Street, 603950 Nizhny Novgorod, Russia . E-mail: yurymalkov@mail.ru . D. Y ashunin . Addres: 31-33 ul. Krasnozvezdnaya, 603104 Nizhny Novgorod, Russia. E-mail: yashuninda@yandex.ru C This work has been submitted to the IEEE for possible publication. Copyright may be transferred without notice, after which this version may no longer be accessible. \""
208
      ]
209
     },
210
     "execution_count": 9,
211
     "metadata": {},
212
     "output_type": "execute_result"
213
    }
214
   ],
215
   "source": [
216
    "cleaned_docs[0].get_content()"
217
   ]
218
  },
219
  {
220
   "cell_type": "markdown",
221
   "metadata": {
222
    "id": "KJ4ypePGDb2y"
223
   },
224
   "source": [
225
    "# Transform the data"
226
   ]
227
  },
228
  {
229
   "cell_type": "markdown",
230
   "metadata": {
231
    "id": "97rPsTCtExKz"
232
   },
233
   "source": [
234
    "## Metadata"
235
   ]
236
  },
237
  {
238
   "cell_type": "code",
239
   "execution_count": 10,
240
   "metadata": {
241
    "colab": {
242
     "base_uri": "https://localhost:8080/"
243
    },
244
    "id": "CBH8_dahDciC",
245
    "outputId": "e992cb20-65dd-42c9-b304-b5bbd56dc705"
246
   },
247
   "outputs": [
248
    {
249
     "data": {
250
      "text/plain": [
251
       "{'page_label': '1', 'file_name': 'hnsw.pdf'}"
252
      ]
253
     },
254
     "execution_count": 10,
255
     "metadata": {},
256
     "output_type": "execute_result"
257
    }
258
   ],
259
   "source": [
260
    "# Unhelpful metadata\n",
261
    "cleaned_docs[0].metadata"
262
   ]
263
  },
264
  {
265
   "cell_type": "code",
266
   "execution_count": 11,
267
   "metadata": {
268
    "colab": {
269
     "base_uri": "https://localhost:8080/"
270
    },
271
    "id": "VfEJ4rKwDhR5",
272
    "outputId": "30bab882-62bd-4da5-8be7-f924c00ca7c5"
273
   },
274
   "outputs": [
275
    {
276
     "data": {
277
      "text/plain": [
278
       "{'page_label': '1',\n",
279
       " 'file_name': 'hnsw.pdf',\n",
280
       " 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'],\n",
281
       " 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}"
282
      ]
283
     },
284
     "execution_count": 11,
285
     "metadata": {},
286
     "output_type": "execute_result"
287
    }
288
   ],
289
   "source": [
290
    "# Iterate through `documents` and add our new key:value pairs\n",
291
    "\n",
292
    "# Helpful metadata additions\n",
293
    "metadata_additions = {\"authors\": [\"Yu. A. Malkov\", \"D. A. Yashunin\"],\n",
294
    "  \"title\": \"Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs\"}\n",
295
    "\n",
296
    "[cd.metadata.update(metadata_additions) for cd in cleaned_docs]  # Updates dict in place\n",
297
    "\n",
298
    "# Let's confirm everything worked:\n",
299
    "cleaned_docs[0].metadata\n",
300
    "\n",
301
    "# Great!"
302
   ]
303
  },
304
  {
305
   "cell_type": "markdown",
306
   "metadata": {
307
    "id": "wbMepf_OEnEB"
308
   },
309
   "source": [
310
    "## Ingestion pipeline"
311
   ]
312
  },
313
  {
314
   "cell_type": "code",
315
   "execution_count": 12,
316
   "metadata": {
317
    "id": "pZMCyGA9En-8"
318
   },
319
   "outputs": [],
320
   "source": [
321
    "from llama_index.node_parser import SemanticSplitterNodeParser\n",
322
    "from llama_index.embeddings import OpenAIEmbedding\n",
323
    "from llama_index.ingestion import IngestionPipeline\n",
324
    "\n",
325
    "# This will be the model we use both for Node parsing and for vectorization\n",
326
    "embed_model = OpenAIEmbedding(api_key=openai_api_key)\n",
327
    "\n",
328
    "# Define the initial pipeline\n",
329
    "pipeline = IngestionPipeline(\n",
330
    "    transformations=[\n",
331
    "        SemanticSplitterNodeParser(\n",
332
    "            buffer_size=1,\n",
333
    "            breakpoint_percentile_threshold=95,\n",
334
    "            embed_model=embed_model,\n",
335
    "            ),\n",
336
    "        embed_model,\n",
337
    "        ],\n",
338
    "    )\n"
339
   ]
340
  },
341
  {
342
   "cell_type": "markdown",
343
   "metadata": {
344
    "id": "KWk8cAV-Ezt-"
345
   },
346
   "source": [
347
    "# Upsert the data"
348
   ]
349
  },
350
  {
351
   "cell_type": "code",
352
   "execution_count": 14,
353
   "metadata": {
354
    "id": "UCvt6VtfE0N7"
355
   },
356
   "outputs": [],
357
   "source": [
358
    "from pinecone.grpc import PineconeGRPC\n",
359
    "from pinecone import ServerlessSpec\n",
360
    "\n",
361
    "from llama_index.vector_stores import PineconeVectorStore\n",
362
    "\n",
363
    "# Initialize connection to Pinecone\n",
364
    "pc = PineconeGRPC(api_key=pinecone_api_key)\n",
365
    "index_name = \"llama-integration-example\"\n",
366
    "\n",
367
    "# Create your index (can skip this step if your index already exists)\n",
368
    "pc.create_index(\n",
369
    "    index_name,\n",
370
    "    dimension=1536,\n",
371
    "    spec=ServerlessSpec(cloud=\"aws\", region=\"us-west-2\"),\n",
372
    ")\n",
373
    "\n",
374
    "# Initialize your index\n",
375
    "pinecone_index = pc.Index(index_name)\n",
376
    "\n",
377
    "# Initialize VectorStore\n",
378
    "vector_store = PineconeVectorStore(pinecone_index=pinecone_index)\n"
379
   ]
380
  },
381
  {
382
   "cell_type": "code",
383
   "execution_count": 12,
384
   "metadata": {
385
    "colab": {
386
     "base_uri": "https://localhost:8080/",
387
     "height": 1000,
388
     "referenced_widgets": [
389
      "a704adf4487944888ac5204c8af01bb0",
390
      "018284be942d4b1c80b786005d8e8c12",
391
      "d0b95b4b3c3c4249a8a0949bbee03244",
392
      "7bae5fa30a85469189d1d4cb2f1b8432",
393
      "307b2cf43a6948b9bd74d77d5340bdc8",
394
      "c02f8cabac564a02af0da144cfa7f18d",
395
      "12fc582a4b41446aa7a0b7c994ca3da0",
396
      "ed195d80d1bd4e87a1c21c2483ebc462",
397
      "0844f0c5c3e141bf8216ca09248fc674",
398
      "c90f1ae40f794847a051ad6b6e767129",
399
      "151236c9274b4f5a9c74cd38a046e583"
400
     ]
401
    },
402
    "id": "Y6hoZsafE6Rg",
403
    "outputId": "e7e4b1be-c4a2-4989-c04f-62c7aeb8d564"
404
   },
405
   "outputs": [
406
    {
407
     "data": {
408
      "application/vnd.jupyter.widget-view+json": {
409
       "model_id": "a704adf4487944888ac5204c8af01bb0",
410
       "version_major": 2,
411
       "version_minor": 0
412
      },
413
      "text/plain": [
414
       "Upserted vectors:   0%|          | 0/46 [00:00<?, ?it/s]"
415
      ]
416
     },
417
     "metadata": {},
418
     "output_type": "display_data"
419
    },
420
    {
421
     "data": {
422
      "text/plain": [
423
       "[TextNode(id_='1363c481-8016-4b69-bc55-7bdb99667a09', embedding=[-0.0019414897542446852, 0.026176759973168373, 0.0069093164056539536, -0.015489788725972176, 0.0006429210188798606, 0.004423647653311491, -0.008243432268500328, -0.01650090701878071, -0.03148513659834862, -0.05153900757431984, -0.0050169783644378185, 0.0018150998512282968, -0.00043973163701593876, 0.01759628765285015, 0.004725579172372818, 0.009661808609962463, 0.022300802171230316, -0.0036547754425555468, 0.01020247582346201, -0.004258638713508844, -0.031681742519140244, 0.0038127629086375237, -0.008770057000219822, -0.03302990272641182, 0.0014060880057513714, 0.03395676240324974, 0.015574048273265362, -0.01136105041950941, -0.005684036295861006, -0.015307225286960602, 0.020433038473129272, -0.02086838148534298, -0.00025321872089989483, 0.019787047058343887, -0.014345257543027401, 0.003244008170440793, 0.018452929332852364, -0.022230584174394608, 0.02852199412882328, 0.0034090173430740833, -0.0019678210373967886, -0.018747840076684952, -0.00978819839656353, -0.016402604058384895, -0.011248704046010971, -0.00689878361299634, 0.0009031614172272384, -0.03179408982396126, 0.0007153319311328232, 0.03493979573249817, 0.024898815900087357, 0.02654188498854637, -0.029575243592262268, 0.008095976896584034, -0.01284262165427208, -0.0033897077664732933, 0.0056243520230054855, 0.008383865468204021, 0.002736693015322089, -0.026050370186567307, -0.0014613836538046598, -0.0012954968260601163, -0.025938022881746292, 0.02423878014087677, -0.005406680516898632, -0.03547343984246254, -0.022651884704828262, -0.0005086316959932446, -0.0055822222493588924, -0.01249856036156416, 0.01966065540909767, 0.03538918122649193, -0.01835462637245655, 0.008945598267018795, 0.03679351508617401, -0.019913436844944954, 0.010104172863066196, 0.010736122727394104, -0.009549461305141449, 0.020138129591941833, -0.0024804023560136557, -0.03179408982396126, 0.012217693030834198, 0.019239356741309166, 0.0062317256815731525, 0.03058636374771595, 0.012484516948461533, 0.016851991415023804, -0.019632570445537567, 0.004209486767649651, 0.036681167781353, 0.019829176366329193, 0.024028129875659943, -0.024898815900087357, -0.014366322197020054, 0.0075131794437766075, -0.014450582675635815, 0.002803398994728923, 0.015939174219965935, -0.030614450573921204, -0.015208922326564789, 0.008067891001701355, 0.002410185756161809, -0.010349931195378304, -0.008756013587117195, 0.003724992275238037, -0.017076684162020683, -0.0036442431155592203, -0.010834425687789917, 0.021626722067594528, -0.0018431865610182285, 0.02048921212553978, 0.0002208532387157902, 0.009760111570358276, -0.004430669359862804, -0.02583971992135048, 0.03477127477526665, -0.0214160718023777, -0.0005108259501866996, -0.018466973677277565, 0.022188454866409302, 0.008734948933124542, 0.01112933550029993, -0.01296199019998312, 0.01789119653403759, 0.014232911169528961, -0.015166792087256908, -0.021823327988386154, -0.02315744385123253, -0.04019199684262276, 0.02738448604941368, 0.02117733471095562, 0.012266845442354679, 0.01864953711628914, -0.02547459304332733, 0.027159791439771652, 0.0001433955185348168, -0.03676542639732361, -0.028255172073841095, -0.03752376511693001, 0.010455256327986717, 0.03319842368364334, -0.005873620975762606, -0.012744317762553692, -0.018326539546251297, 0.02805856429040432, -0.0019520223140716553, 0.01935170218348503, 0.01682390458881855, -0.02353661321103573, 0.005603286903351545, 0.006122889928519726, -0.006600363180041313, 0.015447658486664295, 0.01935170218348503, 0.011136357672512531, -0.0039953263476490974, 0.011641916818916798, -0.02079816535115242, -0.03951792046427727, -0.013790545985102654, 0.025207769125699997, 0.008264496922492981, -0.009612656198441982, 0.012702188454568386, 0.020910512655973434, -0.007471049204468727, 0.006667069159448147, -0.028395604342222214, -0.02912585809826851, -0.009991826489567757, 0.021050944924354553, -0.03097957745194435, 0.00628789933398366, 0.009100074879825115, -0.01696433685719967, 0.04715748876333237, 0.019141053780913353, -0.034209541976451874, -0.013734372332692146, 0.01051845122128725, 0.002698074094951153, 0.00326858414337039, 0.016866033896803856, -0.01105209719389677, 0.007562330923974514, 0.02661210298538208, 0.011234660632908344, 0.011943848803639412, -0.018158020451664925, 0.011009967885911465, 0.007597439456731081, -0.011354029178619385, -0.006035119295120239, -0.6224002242088318, -0.01820014975965023, 0.01888827234506607, -0.03774845972657204, 0.005680525209754705, 0.005634884350001812, 0.016191953793168068, 0.024224737659096718, 0.015166792087256908, 0.03609134629368782, -0.0336478091776371, -0.0003736841317731887, -0.004009369760751724, 0.0011682291515171528, -0.020236432552337646, -0.012751339934766293, 0.0027542472817003727, -0.020924555137753487, 0.036737341433763504, 0.002645411528646946, -0.01744181104004383, 0.032917555421590805, -0.0034757230896502733, -0.008629623800516129, 0.005540092010051012, 0.007688720710575581, 0.019927479326725006, -0.04016391187906265, 9.775471698958427e-05, 0.017989499494433403, -0.02814282476902008, 0.020587515085935593, 0.011578721925616264, 0.026317192241549492, 0.058307889848947525, -0.018172062933444977, -0.020152172073721886, 0.014773578383028507, 0.03676542639732361, 0.022441234439611435, -0.038562972098588943, -0.021064989268779755, 0.0015052689705044031, 0.005255714524537325, -0.008784100413322449, 0.011227639392018318, 0.016332387924194336, -0.0021152759436517954, -0.012049173936247826, -0.04594976082444191, -0.0004259077541064471, 0.004890588112175465, -0.013439462520182133, 0.00818725861608982, 0.001773847616277635, -0.012737296521663666, 0.027890045195817947, -0.010574623942375183, 0.021444158628582954, 0.02071390487253666, 0.006277366541326046, -0.015419571660459042, 0.00013801956083625555, -0.02324170432984829, -0.021598635241389275, 0.030698711052536964, -0.003473967779427767, 0.013930979184806347, -0.01629025861620903, -0.023424267768859863, 0.014661232009530067, 0.020924555137753487, -0.001360447145998478, 0.005508494563400745, 0.012554733082652092, 0.021584592759609222, 0.025263942778110504, 0.00634407252073288, -0.017610330134630203, -0.009626699611544609, 0.012358127161860466, 0.008081934414803982, -0.021135205402970314, -0.01004799921065569, 0.026499755680561066, 0.0003651264705695212, -0.04092225059866905, 0.01043419074267149, -0.015265095047652721, -0.0010532494634389877, 0.0031544819939881563, 0.0036512648221105337, -0.023592786863446236, -0.04123120382428169, -9.11993356567109e-06, 0.016557080671191216, 0.006621428299695253, 0.00316325924359262, 0.01842484436929226, -0.04594976082444191, -0.016543038189411163, -0.022736145183444023, 0.0018414311343804002, -0.023578744381666183, 0.0037179705686867237, 0.005104748997837305, -0.008987728506326675, 0.010918686166405678, 0.018031630665063858, -0.02707553282380104, 0.020208345726132393, -0.007597439456731081, -0.004349919967353344, 0.007316572591662407, -0.0006218560156412423, -0.02284849062561989, 0.03954600542783737, 0.004223530180752277, -0.005441788583993912, -0.012077259831130505, 0.02494094707071781, 0.010216519236564636, 0.007028684485703707, -0.011220617219805717, 0.00740083260461688, 0.0002850356395356357, 0.00682154530659318, -0.011592765338718891, -0.031625568866729736, -0.009577548131346703, 0.014373344369232655, -0.022230584174394608, 0.013544787652790546, -0.01310944464057684, 0.030389757826924324, -0.013706286437809467, 0.006547700613737106, 0.0068355887196958065, -0.0011805170215666294, -0.017020510509610176, -0.03196261078119278, 0.00028898532036691904, 0.0016518462216481566, -0.03847871348261833, -0.005174965597689152, -0.002780578564852476, -0.02446347288787365, 0.012196628376841545, -0.01419078093022108, -0.004455245099961758, -0.019534265622496605, -0.0023663004394620657, -0.03103574924170971, 0.024744339287281036, -0.0014921033289283514, -0.005213584750890732, 0.005038043018430471, -0.011171465739607811, -0.009142205119132996, -0.021696938201785088, -0.003861914621666074, 0.03996730595827103, -0.01605152152478695, -0.007260399404913187, 0.0018660068744793534, -0.023747263476252556, 0.016009392216801643, 0.008229388855397701, 0.021008815616369247, -0.04151207208633423, -0.004651851486414671, -0.024603907018899918, -0.005778828635811806, 0.020994771271944046, -0.00012309852172620595, 0.0028332408983260393, 0.0024997119326144457, -0.0061544873751699924, 0.001336749061010778, -0.012442386709153652, 0.001500002690590918, 0.0005380349466577172, -0.0070041087456047535, -0.022455278784036636, 0.029013510793447495, 9.199475607601926e-05, 0.010701014660298824, -0.006375669967383146, -0.014169715344905853, -0.0008061746484600008, 0.02019430324435234, 0.01728733442723751, -0.009036879986524582, 0.00030346750281751156, -0.02661210298538208, 0.003981282934546471, -0.005234649870544672, 0.005810426082462072, -0.012119390070438385, 0.03474318981170654, 0.004711535759270191, -0.014394409023225307, 0.009528396651148796, -0.018368670716881752, 0.014218867756426334, -0.03547343984246254, 0.012028108350932598, -0.008629623800516129, 0.014956141822040081, 0.013313072733581066, 0.01567235216498375, -0.014141629450023174, -0.01666942797601223, -0.014239932410418987, 0.0076114824041724205, 0.02876073122024536, -0.022160368040204048, 0.0064950380474328995, -0.005031021311879158, 0.016262171790003777, 0.0014798154588788748, -0.005424234550446272, 0.026949143037199974, 0.008882403373718262, -0.0001903528900584206, 0.008320670574903488, 0.007892348803579807, 0.03508022800087929, -0.003042135387659073, -0.010792296379804611, -0.0054558319970965385, -0.0133832897990942, 0.011332963593304157, 0.010715058073401451, 0.017708633095026016, 0.011424245312809944, 0.03294564411044121, -0.0071726287715137005, 0.009802241809666157, -0.00332475733011961, 0.015714481472969055, 0.0070005981251597404, 0.0071340096183121204, -0.01744181104004383, 0.012063217349350452, 0.0010479831835255027, 0.0359228290617466, 0.008243432268500328, -0.00020110482000745833, 0.012772404588758945, -0.009991826489567757, 0.01956235244870186, 0.008868359960615635, 0.022230584174394608, 0.011213595978915691, -0.01368522085249424, 0.017933327704668045, 0.011445310898125172, 0.034687016159296036, 0.03179408982396126, 0.014605059288442135, -0.025600982829928398, 0.016191953793168068, -0.018719753250479698, -0.004732600878924131, -0.054937489330768585, 0.018396757543087006, 0.016767730936408043, 0.010427169501781464, -0.008173215202987194, 0.0047150468453764915, -0.01234408374875784, 0.011171465739607811, -0.024294953793287277, 0.01850910298526287, -0.0010005870135501027, 0.019056793302297592, -0.016458777710795403, 0.03875957801938057, 0.01147339679300785, -0.03463084250688553, -0.009156248532235622, 0.011241682805120945, 0.01827036775648594, -0.0030509126372635365, -0.01820014975965023, -0.0033703981898725033, 0.018705710768699646, -0.020222390070557594, -0.00032650731736794114, -0.004346409346908331, -0.005627862643450499, 0.003900533774867654, -0.02096668630838394, -0.011045075953006744, -0.008468125946819782, 0.02400004304945469, 0.005596265196800232, 0.0025945045053958893, 0.004237573593854904, 0.011024010367691517, 0.0006258056964725256, -0.006003521848469973, -0.007253377698361874, 0.04342196509242058, -0.006375669967383146, -0.01598130539059639, -0.017034554854035378, -0.0020011740271002054, -0.002650677692145109, -0.008559406735002995, -0.005132835824042559, 0.005750741809606552, 0.013179661706089973, 0.0033475777599960566, -0.0012823311844840646, -0.005160922184586525, 0.020278561860322952, 0.03524874895811081, -0.00013604472042061388, -0.007126987911760807, -0.02430899627506733, -0.007471049204468727, 0.019239356741309166, 0.04771922156214714, 0.02194971777498722, -0.01380458939820528, 0.00317203626036644, -0.009654786437749863, -0.01506848819553852, -0.03302990272641182, 0.0015324779087677598, 0.027328312397003174, 0.011024010367691517, -0.019323617219924927, -0.012224715203046799, 0.02096668630838394, 0.008348757401108742, 0.035445354878902435, 0.009423071518540382, 0.0012375680962577462, -0.02845177799463272, -0.004799306392669678, 0.032159216701984406, -0.01097485888749361, -0.012063217349350452, 0.009352855384349823, 0.02767939493060112, -0.014232911169528961, 0.00795554369688034, 0.020222390070557594, -0.010792296379804611, 0.0016597455833107233, -0.03446232154965401, -0.016262171790003777, 0.0194921363145113, 0.017638416960835457, 0.0065336572006344795, -0.007723829243332148, 0.016795817762613297, 0.017778851091861725, 0.029378637671470642, 0.011185509152710438, -0.024589862674474716, 0.022076107561588287, 0.01265303697437048, 0.012372169643640518, 0.008046825416386127, 0.0006846121395938098, -0.013565853238105774, 0.019253399223089218, 0.020910512655973434, -0.0382259339094162, -0.011620852164924145, 0.015222964808344841, -0.02492690272629261, -0.014534842222929, -0.012365148402750492, -0.008987728506326675, -0.019688742235302925, -0.009521374478936195, -0.005919261835515499, 0.0013244611909613013, -0.04328152909874916, 0.0021240529604256153, -0.002510244492441416, 0.007492114324122667, 0.001131365424953401, -0.008819208480417728, -0.016557080671191216, -0.01759628765285015, 0.0070005981251597404, -0.023045098409056664, -0.0036828622687608004, 0.013973109424114227, -0.018326539546251297, -0.02607845701277256, -0.0038794686552137136, 0.00740083260461688, 0.020587515085935593, 0.015588091686367989, 0.0070743253454566, -0.03786080703139305, 0.023368094116449356, -0.02057347260415554, -0.002129319356754422, -0.002390876179561019, -0.007772980723530054, 0.007274442818015814, -0.01078527420759201, -0.0076465909369289875, -0.004458756186068058, -0.012912837788462639, -0.025263942778110504, 0.0023785883095115423, -0.007808089256286621, 0.0013885338557884097, 0.004799306392669678, 0.006888251286000013, 0.0016018168535083532, 0.02377535030245781, 0.030445929616689682, 0.009036879986524582, -0.013579895719885826, 0.00753424409776926, 0.00994267500936985, -0.00732359429821372, 0.007232313044369221, 0.031850263476371765, 0.002482157899066806, 0.01043419074267149, 0.0006718853837810457, -0.0005814814358018339, -0.018481016159057617, 0.0259941965341568, -0.014745492488145828, 0.019450007006525993, 0.002313637873157859, 0.016486864537000656, 0.0344061478972435, 0.02516563981771469, 0.021598635241389275, 0.013432441279292107, -0.005132835824042559, -0.01399417407810688, -0.008622601628303528, 0.010918686166405678, 0.009570526890456676, -0.021121162921190262, 0.01919722557067871, -0.021977804601192474, 0.0003423060697969049, -0.019969608634710312, -0.006080760154873133, -0.0030210705008357763, 0.00913518387824297, 0.0019274464575573802, -0.0179614145308733, -0.01651495136320591, -0.012259823270142078, -0.012084282003343105, -0.0036582862958312035, -0.020053869113326073, -0.012323018163442612, 0.005536581389605999, -0.030333584174513817, 0.009493288584053516, 0.0016237595118582249, -0.02172502502799034, -0.017483940348029137, -0.02912585809826851, 0.0014640167355537415, 0.021275639533996582, 0.0133832897990942, -0.009086031466722488, -0.0005595387774519622, 0.002961386227980256, -0.029069684445858, -0.00017389586719218642, -0.008159172721207142, -0.002113520633429289, 0.021303724497556686, 0.031063836067914963, 0.011136357672512531, 0.02553076669573784, -0.0028156868647783995, 0.0067407963797450066, 0.029715677723288536, -0.006042141001671553, -0.0021240529604256153, -0.012042151764035225, -0.005554135423153639, -0.01682390458881855, -0.0026085476856678724, 0.050359368324279785, -0.0030842653941363096, 0.02286253497004509, 0.012308974750339985, 0.020924555137753487, 0.012470473535358906, 0.012238758616149426, -0.0328613817691803, 0.0006187840481288731, -0.0489269457757473, 0.005364550277590752, -0.00947924517095089, -0.008966663852334023, 0.01303922850638628, -0.031316615641117096, -0.016543038189411163, -0.008166193962097168, -0.00025804611505009234, 0.02140202932059765, -0.005203052423894405, 0.026878925040364265, 0.008355778641998768, -0.011726177297532558, 0.03319842368364334, 0.03311416134238243, -0.0397707000374794, 0.011248704046010971, -0.026780622079968452, -0.013748415745794773, 0.02637336589396, -0.014282062649726868, 0.01728733442723751, -0.003956707194447517, 0.004135759547352791, -0.01013225968927145, 0.009998847730457783, -0.010729100555181503, -0.0129970982670784, -0.004241084214299917, 0.006754839792847633, -0.011445310898125172, -0.01964661292731762, -0.027932174503803253, 0.006551211699843407, -0.011410201899707317, 0.00393915269523859, 0.003693394595757127, 0.007660634350031614, -0.021219465881586075, -0.013636069372296333, 0.006410778034478426, 0.01567235216498375, 0.03578239306807518, -0.012519625015556812, 0.014942098408937454, 0.026204846799373627, -0.019323617219924927, -0.017146900296211243, 0.00632651848718524, 0.013664156198501587, -0.0022539538331329823, 0.02079816535115242, 0.0198713056743145, -0.03845062479376793, -0.04198954254388809, 0.0023943870328366756, -0.010925707407295704, -0.012112368829548359, -0.05642608180642128, 0.021149247884750366, 0.010469299741089344, 0.0036512648221105337, -0.028620298951864243, 0.0003012732195202261, -0.027033401653170586, 0.030839143320918083, -0.011480418965220451, 0.003637221409007907, 0.005480407737195492, -0.002185492543503642, 0.0020924555137753487, 0.02369108982384205, -0.007906392216682434, 0.04521951079368591, 0.004571102559566498, -0.006565254647284746, 0.009830327704548836, -0.006126401014626026, -0.003809252055361867, 0.014928054995834827, -0.011733198538422585, 0.04735409468412399, -0.01827036775648594, -0.0034669460728764534, 0.03013697639107704, 0.008004696108400822, 0.016627298668026924, 0.008720905520021915, -0.004181400407105684, 0.03350737690925598, -0.029687590897083282, -0.01311646681278944, -0.00818725861608982, 0.004683449398726225, 0.015321268700063229, 0.003014048794284463, -0.004592167679220438, -0.023564700037240982, -0.011957892216742039, 0.004160335287451744, 0.021977804601192474, 0.0018940935842692852, 0.019618526101112366, 0.007148053031414747, -0.005961391609162092, -0.01627621427178383, -0.03081105649471283, -0.0018466972978785634, 0.0015245785471051931, -0.04802817478775978, -0.03266477584838867, -0.0076114824041724205, -0.014520798809826374, -0.006600363180041313, -0.004858990665525198, -0.02707553282380104, 0.008306627161800861, 0.02157054841518402, -0.0191129669547081, 0.015616178512573242, 0.034209541976451874, 0.010932729579508305, -0.037046294659376144, -0.007674677763134241, -0.007794045843183994, -0.02499712072312832, 0.03741142153739929, -0.013952043838799, -0.03432188928127289, 0.004988891538232565, -0.007232313044369221, 0.019773002713918686, 0.026977229863405228, -0.0038127629086375237, 0.009121140465140343, -0.0010225296718999743, 0.0030561788007616997, -0.01044121291488409, -0.013888848945498466, 0.024983076378703117, -0.012358127161860466, 0.005445299670100212, 0.031176183372735977, -0.01273027528077364, 0.026485713198781013, -0.017863109707832336, -0.002836751751601696, -0.01265303697437048, -0.04687662050127983, -0.011964913457632065, -0.0035389182157814503, 0.015138705261051655, 0.006733774673193693, -0.008433016948401928, -0.011227639392018318, 0.012091303244233131, -0.020278561860322952, 0.014942098408937454, 0.004490353632718325, -0.013320094905793667, 0.009893523529171944, -0.0036056239623576403, -0.016163868829607964, -0.007892348803579807, -0.014745492488145828, 0.00036161564639769495, 0.007414876017719507, 0.005122303031384945, -0.043169185519218445, -0.0017176743131130934, 0.021093076094985008, 0.055471137166023254, 0.03449040651321411, -0.01775076426565647, -0.02430899627506733, 0.0009803996654227376, -0.053336553275585175, -0.002596259815618396, -0.012259823270142078, 0.014520798809826374, 0.0013402599142864347, 0.02081220969557762, -0.0013736127875745296, 0.02377535030245781, -0.021837372332811356, -0.007885327562689781, -0.007772980723530054, -0.015883002430200577, 0.0019397343276068568, 0.016613254323601723, 0.004012880381196737, 0.005385615397244692, -0.04474203661084175, 0.014317170716822147, -0.0001000038391794078, 0.008418973535299301, -0.011403180658817291, 0.006712709553539753, -0.008004696108400822, -0.013334138318896294, 0.0034388594795018435, 0.0047361114993691444, 0.008924533613026142, 0.003254540730267763, 0.0068320780992507935, -0.026246976107358932, -0.005227628163993359, 0.011726177297532558, -0.005448810290545225, -0.022160368040204048, 0.008791121654212475, -0.004314811900258064, 0.0019134031608700752, -0.003598602255806327, -0.011094227433204651, -0.015840871259570122, 0.015714481472969055, -0.022876577451825142, 0.02607845701277256, 0.0008131963550113142, 0.0071726287715137005, 0.05572391673922539, -0.023747263476252556, 0.00701815215870738, -0.003911066334694624, -0.02300296723842621, -0.03684968873858452, 0.00680750235915184, 0.004616743419319391, -0.025249900296330452, 0.012330040335655212, -0.005519026890397072, 0.004764198325574398, -0.0011445310665294528, 0.0023452353198081255, 0.006126401014626026, -0.028002392500638962, -0.01430312730371952, 0.022609755396842957, -0.0034423703327775, -0.015840871259570122, -0.012105346657335758, 0.0036126456689089537, -0.0009523130138404667, -0.0002257903543068096, 0.003063200507313013, 0.004729089792817831, -0.02308722771704197, 0.023971958085894585, 0.008250453509390354, -0.007969587109982967, -0.021373942494392395, 0.015321268700063229, 0.011929805390536785, -0.0006034241523593664, 0.004574613180011511, 0.1941349357366562, 0.004160335287451744, 0.03432188928127289, 0.006540678907185793, -0.006933892145752907, -0.009458179585635662, 0.045472290366888046, 0.016641341149806976, 0.005750741809606552, -0.0010295513784512877, -0.0019994184840470552, 0.004690470639616251, -0.02155650593340397, 0.0025611515156924725, 0.019997695460915565, -0.024379214271903038, -0.04266362264752388, -0.0321030430495739, -0.02392982691526413, 0.01314455270767212, -0.007983630523085594, 0.002534820232540369, -0.013467549346387386, -0.015349355526268482, 0.01464718859642744, -0.027426615357398987, -0.02430899627506733, -0.0035441843792796135, 0.029097771272063255, 0.004974848125129938, -0.024491559714078903, -0.00651610316708684, 0.026878925040364265, -0.0022995946928858757, 0.012905816547572613, -0.021430116146802902, 0.040641386061906815, 0.00928966049104929, 0.008060868829488754, 0.0286764707416296, -0.01438036561012268, -0.02753896266222, 0.012554733082652092, 0.023297877982258797, 0.013565853238105774, 0.0034160390496253967, -0.0012832089560106397, 0.020067913457751274, 0.004672916606068611, -0.002113520633429289, -0.032299648970365524, -0.026401452720165253, 0.021458201110363007, 0.019773002713918686, -0.017174987122416496, 0.010995924472808838, -0.01020247582346201, 0.028493907302618027, 0.00709187937900424, 0.003984793554991484, -0.02607845701277256, -0.0055506243370473385, 0.019913436844944954, 0.013664156198501587, -0.010911663994193077, 0.024884773418307304, -0.019604483619332314, 0.00971096009016037, 0.0030070270877331495, 0.006758350413292646, -0.014345257543027401, -0.00955648347735405, -0.011269768700003624, -0.0013191949110478163, -0.028690515086054802, -0.031709831207990646, 0.02569928579032421, 0.0018818057142198086, -0.004816860891878605, 0.020854339003562927, -0.005652438849210739, 0.027272138744592667, 0.003647753968834877, 0.002180226380005479, -0.017231160774827003, -0.04651149362325668, -6.160412158351392e-05, -0.006414289120584726, -0.01828441023826599, -0.031766004860401154, -0.01009715162217617, 0.03067062422633171, -0.014829752035439014, -0.012407278642058372, 0.011199552565813065, 0.007260399404913187, 0.027005314826965332, 0.0010506162652745843, -0.01706264168024063, 0.014310149475932121, -0.005933305248618126, 0.039574094116687775, 0.010069064795970917, -0.005863088648766279, -0.013579895719885826, -0.003080754540860653, 0.007155074737966061, 0.01276538334786892, 0.0005424234550446272, 0.011564678512513638, -0.004198954440653324, -0.02494094707071781, -0.00039825993007980287, -0.019927479326725006, 0.007597439456731081, 0.029856109991669655, 0.013242856599390507, -0.013439462520182133, -0.006217682734131813, -0.012365148402750492, 0.014296106062829494, -0.005940326955169439, 0.004911653231829405, 0.02553076669573784, 8.080398401943967e-05, 0.015265095047652721, -0.02002578228712082, 0.001964310184121132, -0.01682390458881855, -0.03409719467163086, 0.028844991698861122, -0.023354051634669304, 0.011192530393600464, 0.0055471137166023254, 0.006080760154873133, -0.013060293160378933, -0.025179684162139893, -0.013256900012493134, -0.012491538189351559, -0.00341252819634974, 0.010349931195378304, -0.0008202180033549666, 0.007330616004765034, 0.03241199627518654, 0.003473967779427767, -0.019969608634710312, 0.008355778641998768, 0.031316615641117096, 0.002276774263009429, -0.027665352448821068, 0.004655362572520971, -0.028732644394040108, 0.021050944924354553, -0.01857932098209858, 0.026710405945777893, -0.005136346444487572, -0.0034827447962015867, -0.043084923177957535, 0.014043325558304787, 0.024196650832891464, -0.03089531697332859, 0.006066716741770506, 0.04249510541558266, -0.014155672863125801, -0.0005779706407338381, -0.004816860891878605, -0.18031629920005798, 0.011431267485022545, 0.028957337141036987, -0.03036167100071907, 0.021303724497556686, 0.015953218564391136, 0.007723829243332148, 0.005445299670100212, 0.0004880055785179138, 0.0016667672898620367, 0.01234408374875784, -0.010792296379804611, -0.0020836784970015287, -0.02921011857688427, 0.007499136030673981, 0.0027349377050995827, 0.02071390487253666, 0.011424245312809944, 0.014576972462236881, 0.008355778641998768, -0.00655472232028842, -0.01850910298526287, 0.011150401085615158, 0.019239356741309166, -0.010722079314291477, 0.015265095047652721, -0.022385060787200928, 0.0039602178148925304, -0.022820403799414635, -0.004399071913212538, 0.01043419074267149, -0.023045098409056664, 0.001131365424953401, -0.01032184436917305, -2.516553104214836e-05, 0.015208922326564789, -0.008601536974310875, -0.0028262194246053696, -0.002138096373528242, 0.055555395781993866, 0.021233508363366127, 0.029575243592262268, 0.019773002713918686, 0.008131085895001888, -0.016992423683404922, -0.00346167990937829, 0.017568200826644897, -0.015433615073561668, -0.006161509081721306, -0.011248704046010971, -0.023508528247475624, -0.0011954380897805095, 0.030080804601311684, 0.0036547754425555468, -0.0071691176854074, -0.0014991250354796648, 0.02912585809826851, 0.013980130665004253, 0.02286253497004509, -0.0037355246022343636, -0.01866357959806919, -0.00021108874352648854, 0.011143378913402557, -0.015265095047652721, -0.0030017609242349863, -0.026359323412179947, -0.022679971531033516, -0.004212997853755951, -0.021668851375579834, -0.01139615848660469, -0.020699862390756607, -0.012723253108561039, 0.018158020451664925, 0.00753424409776926, 0.0214160718023777, 0.005354017950594425, 0.0005349629209376872, 0.005982456728816032, -0.017301376909017563, 0.02079816535115242, -0.00322118797339499, 0.029462898150086403, -0.010764209553599358, -0.0052802907302975655, 0.014773578383028507, -0.020433038473129272, -0.01904274895787239, -0.024042174220085144, -0.0012779426760971546, 0.01797545701265335, 0.00719018280506134, -0.020152172073721886, 0.012898794375360012, -0.02055942825973034, 0.02124755270779133, -0.0018589852843433619, 0.017540114000439644, -0.005009956657886505, 0.02003982663154602, -0.011143378913402557, 2.984206730616279e-05, -0.008531320840120316, -0.020208345726132393, -0.007632547523826361, 0.047213662415742874, 0.014436539262533188, -0.0035740265157073736, -0.0017027532448992133, 0.021149247884750366, -0.018677623942494392, 0.00020944303832948208, 0.02209015190601349, 0.04235466942191124, 0.01120657380670309, -0.014008217491209507, 0.037804633378982544, 0.008088955655694008, -0.030558276921510696, 0.022511450573801994, -0.01766650378704071, 0.05238160490989685, 0.01318668294698, -0.030165063217282295, -0.02187950164079666, 0.013565853238105774, 0.007541265804320574, -0.11408797651529312, -0.005817447789013386, 0.022665927186608315, 3.332547203171998e-05, -0.05412297695875168, 0.009071988053619862, -0.003019314957782626, 0.006512592546641827, -0.023508528247475624, 0.03401293605566025, -0.011248704046010971, -0.005473386030644178, -0.0052838013507425785, -0.002952609211206436, 0.007927457801997662, -0.012814534828066826, 0.013973109424114227, -0.029687590897083282, 0.01696433685719967, 0.01881805621087551, 0.00924753025174141, -0.00921242218464613, -0.02071390487253666, 0.00016040111950132996, -0.004111183807253838, 0.015545961447060108, -0.033535461872816086, 0.020461125299334526, 0.022455278784036636, 0.020362822338938713, 0.0023750774562358856, -0.02982802502810955, -0.0010225296718999743, -0.022160368040204048, -0.0036161565221846104, -0.008482168428599834, -0.04027625918388367, 0.0009163270005956292, 0.031148096546530724, -0.034602753818035126, 0.007962565869092941, 0.012337061576545238, 0.021654808893799782, -0.0033194911666214466, -0.011073162779211998, -0.007569352630525827, -0.022511450573801994, 0.025334158912301064, -0.0073446594178676605, -0.01364309061318636, -0.002122297650203109, -0.026724448427557945, -0.015616178512573242, -0.0007249867194332182, 0.01957639679312706, -0.012512603774666786, -0.010272692888975143, 0.006772393826395273, -0.01620599813759327, 0.008145129308104515, -0.023817481473088264, -0.0037846763152629137, -0.010771230794489384, 0.012568776495754719, 0.016725601628422737, 0.02890116535127163, -0.030782969668507576, -0.015925131738185883, 0.008587493561208248, -0.003753078868612647, -0.011782350018620491, 0.021163292229175568, -0.019141053780913353, 0.013137531466782093, -0.03187834843993187, -0.021149247884750366, -0.031063836067914963, -0.016880078241229057, 0.00014942976122256368, 0.0023206595797091722, -0.015503832139074802, -0.023283833637833595, -0.010146303102374077, -0.01078527420759201, 0.005392637103796005, -0.009949696250259876, -0.015728525817394257, -0.004009369760751724, 0.014703362248837948, -0.04196145758032799, 0.031063836067914963, 0.012007043696939945, -0.0006315108039416373, -0.00986543670296669, 0.005645417142659426, 0.013446484692394733, -0.010967837646603584, 0.001974842743948102, 0.025797588750720024, -0.004953783005475998, -0.027721526101231575, 0.005343485623598099, -0.07117157429456711, 0.012821556068956852, 0.0002856939099729061, -0.008257475681602955, -0.003166769864037633, -0.01598130539059639, 0.008896446786820889, 8.892278128769249e-05, -0.01120657380670309, 0.0035880696959793568, -0.028170911595225334, 0.010076086036860943, -0.013025185093283653, -0.004581634886562824, -0.015489788725972176, -0.015995347872376442, 0.005978946108371019, -0.008299605920910835, 0.024182606488466263, 0.022679971531033516, 0.0006034241523593664, 0.004630786832422018, 0.012330040335655212, 0.013284985907375813, -0.004616743419319391, -0.015461701899766922, -0.004722068086266518, -0.0008320670458488166, 0.005350507330149412, 0.010644841007888317, 0.020587515085935593, -0.04297257587313652, -0.002069635083898902, 0.020629646256566048, 0.0008294339058920741, -0.014436539262533188, 0.0033388007432222366, 0.005971924401819706, 0.005722655449062586, 0.04120311886072159, -0.052943337708711624, -0.015616178512573242, -0.01318668294698, -0.0013332382077351213, -0.01789119653403759, 0.012758361175656319, 0.025123510509729385, 0.013088379986584187, 0.005971924401819706, -0.014562929049134254, 0.04448925703763962, 0.012014064937829971, -0.005427745636552572, -0.05988074094057083, -0.02974376454949379, 0.005234649870544672, 0.014871882274746895, -0.007442962843924761, -0.007105922792106867, -0.025980152189731598, 0.04182102531194687, 0.004237573593854904, 0.03805741295218468, 0.011445310898125172, 0.014815708622336388, -0.03474318981170654, -0.013671177439391613, -0.005508494563400745, -0.007025173865258694, -0.03204686939716339, -0.002055591903626919, 0.014204824343323708, 0.019787047058343887, 0.011452332139015198, 0.014317170716822147, -0.008791121654212475, -0.0062106610275805, 0.005062618758529425, -0.033226508647203445, 0.013699264265596867, 0.033760156482458115, -0.02178119868040085, -0.015489788725972176, 0.01820014975965023, 0.026892969384789467, -0.01902870647609234, -0.011957892216742039, 0.024042174220085144, 0.0031755471136420965, 0.012400256469845772, -0.007632547523826361, 0.007485092617571354, -0.004866012372076511, -0.0027454702649265528, -0.0019976631738245487, 0.019604483619332314, -0.01880401372909546, -0.0018361648544669151, 0.030951490625739098, 0.0214160718023777, 0.0005283801583573222, 0.0012717987410724163, -0.006298431660979986, -0.011592765338718891, -0.024140477180480957, -0.0017282067565247416, -0.024969033896923065, 0.005947348661720753, -0.0030877762474119663, -0.019084880128502846, 0.023817481473088264, 0.00321065541356802, 0.0033493333030492067, 0.015939174219965935, -0.019702786579728127, 0.0021433625370264053, 0.001221769372932613, -0.02845177799463272, -0.03954600542783737, 0.029378637671470642, -0.01067292783409357, -0.0002668231900315732, 0.02776365540921688, 0.009008793160319328, 0.02217441238462925, 0.021387984976172447, 0.01956235244870186, -0.01287772972136736, 0.016781775280833244, -0.0405009500682354, 0.0022504429798573256, -0.008152150548994541, -0.012000021524727345, 0.011761285364627838, -0.012414299882948399, -0.016725601628422737, 0.015644265338778496, -0.009584570303559303, -0.02331192046403885, 0.088697649538517, 0.031063836067914963, -0.004332365933805704, 0.005677014589309692, -0.02706148847937584, 0.0068742078728973866, 0.037579938769340515, -0.01265303697437048, -0.025446506217122078, -0.03581048175692558, -0.0010181411635130644, -0.012337061576545238, 0.007857240736484528, -0.02628910541534424, 0.00047659536357969046, -0.008152150548994541, -0.02805856429040432, 0.014619101770222187, -0.00921242218464613, 0.012800491414964199, 0.005143368151038885, 0.015658307820558548, 0.017863109707832336, 0.004630786832422018, -0.013046249747276306, -0.005568178836256266, 0.0058525558561086655, -0.008264496922492981, 0.030080804601311684, -0.034518495202064514, -0.0017501495312899351, 0.008236411027610302, -0.03617560863494873, -0.016880078241229057, -0.006933892145752907, -0.00037873093970119953, -0.00039277426549233496, -0.0029508539009839296, 0.02568524330854416, 0.006470462307333946, 0.028325388208031654, 0.022188454866409302, 0.01391693577170372, -0.013755437918007374, -0.01364309061318636, -0.013102423399686813, -0.01843888685107231, -0.013973109424114227, -0.017231160774827003], metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='3f6962ed-6349-4fe4-bd5a-dee09f6d4b9e', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='b96b4def9ce374e601c1ad43943a4730ed91e855fd9667b91adddb9a7736afbd'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='b7cce664-4af1-4e43-a356-b27db7e2a717', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='36c04cc6d883a81c5da2c5dfc2d77828bc0601479f6700ea1e290536b85e5062')}, hash='a05ce131f4543ade9a9ef4b8c267c2524cc5821cb57b64f239c9c54f93032aa8', text='IEEE TRANSACTIONS ON JOURNAL NAME, MANUS CRIPT ID 1 Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs Yu. A. Malkov, D. A. Yashunin Abstract We present a new approach for the approximate K-nearest neighbor search based on navigable small world graphs with controllable hierarchy (Hierarchical NSW , HNSW ). The proposed solution is fully graph-based, without any need for additional search structures, which are typically used at the coarse search stage of the most proximity graph techniques. Hierarchical NSW incrementally builds a multi-layer structure consisting from hierarchical set of proximity graphs (layers) for nested subsets of the stored elements. The maximum layer in which an element is present is selected randomly with an exponentially decaying probability distribution. This allows producing graphs similar to the previously studied Navigable Sma ll World (NSW) struc tures while additionally having the links separated by their characteristic distance scales. Starting search from the upper layer together with utilizing the scale separation boosts the performance compared to NSW and allows a logarithmic complexity scalin g. Additional employment of a heuristic for selecting proximity graph neighbors significantly increases performance at high recall and in case of highly clustered data. Performance evaluation has demonstrated that the proposed general metric space search i ndex is able to strongly outperform previous opensource state-of-the-art vector-only approaches. Similarity of the algorithm to the skip list structure allows straightforward balanced distributed implementation . Index Terms Graph and tree search strategies, Artificial Intelligence, Information Search and Retrieval, Information Storage and Retrieval, Information Technology and Systems, Search process, Graphs and networks, Data Structures, Nearest neighbor search, Big data, Approximate search, Simil arity search 1 INTRODUCTIONonstantly growing amount of the available info rmation resources has led to high demand in scalable and efficient similarity search data structures. One of the generally used approaches for information search is the K-Nearest Neighbor Search (K-NNS). The K-NNS a ssumes you have a defined distance function between the data elements and aims at finding the K elements from the dataset which minimize the distance to a given query. Such algorithms are used in many applications, such as non-parametric machine learn ing algorithms, image fe atures matching in large scale databases [1] and semantic document retrieval [2]. A naïve approach to K-NNS is to compute the distances between the query and every el ement in the dataset and select the elements with minimal distance. Unfortunately , the complexity of the naïve a pproach scales linearly with the number of stored elements making it infeasible for large-scale datasets. This has led to a high interest in development of fast and scalable K-NNS algorithms. Exact solutions for K-NNS [3-5] may offer a substantial search speedup only in case of relatively low dimensional data du e to “curse of dimensionality”. To overcome this problem a concept of Approximate Nearest Neighbors Search (K-ANNS) was proposed, which relaxes the cond ition of the exact search by allowing a small number of errors. The quality of an inexact search (the re call) is d efined as the ratio between the number of found true nea rest neighbors and K. The m ost popular K-ANNS sol utions are based on approximated versions of tree alg orithms [6, 7], locality-sensitive hashing (LSH) [8, 9] and product quantization (PQ) [10-17]. ', start_char_idx=0, end_char_idx=3647, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
424
       " TextNode(id_='b7cce664-4af1-4e43-a356-b27db7e2a717', embedding=[0.0031472293194383383, 0.020626071840524673, 0.005614556837826967, -0.01741979829967022, 0.0009983819909393787, 0.0066451444290578365, -0.011443818919360638, -0.01673273928463459, -0.028570186346769333, -0.05316115543246269, -0.0009093685657717288, -0.0036571554373949766, -0.00018988044757861644, 0.014607151970267296, 0.002172107109799981, 0.002154215006157756, 0.01966705173254013, -0.010749603621661663, 0.00140632304828614, 0.011272055096924305, -0.037358809262514114, 0.01084979996085167, -0.008409311063587666, -0.03701528161764145, 0.011264897882938385, 0.03996390849351883, 0.01827862113714218, -0.017119210213422775, -0.007715095300227404, -0.018393130972981453, 0.025077637284994125, -0.013719701208174229, -0.0011442030081525445, 0.015544700436294079, -0.016832934692502022, 0.004082988481968641, 0.017963718622922897, -0.012245387770235538, 0.024934500455856323, 0.009311075322329998, -0.004576812032610178, -0.020554501563310623, -0.006076174322515726, -0.02311665751039982, -0.016331953927874565, -0.006126272492110729, -0.001480575418099761, -0.02917136251926422, -0.003633895656093955, 0.02763979323208332, 0.014385288581252098, 0.02610822580754757, -0.02471979521214962, 0.012495878152549267, -0.01121480017900467, -0.005242399871349335, 0.00837352592498064, 0.007013722788542509, 0.0025245824363082647, -0.02036842331290245, 0.017677444964647293, 0.002588994102552533, -0.020883718505501747, 0.027410773560404778, -0.0019824502523988485, -0.032406263053417206, -0.018650777637958527, -0.006630830932408571, -0.004276223946362734, -0.011665682308375835, 0.030803125351667404, 0.041796062141656876, -0.03171920403838158, -0.0004379103775136173, 0.02388959936797619, -0.020840777084231377, 0.011436662636697292, 0.009361173026263714, -0.006183526944369078, 0.014757446013391018, 0.00029946985887363553, -0.03707253560423851, 0.014914896339178085, 0.019466659054160118, 0.006816909182816744, 0.028484303504228592, 0.00651989970356226, 0.009189408272504807, -0.020869404077529907, 0.005070635583251715, 0.03126116469502449, 0.03048822470009327, 0.024304697290062904, -0.017749013379216194, -0.010656564496457577, 0.00830911472439766, -0.020583130419254303, 0.0023420825600624084, 0.014564210548996925, -0.022014502435922623, -0.01267479918897152, 0.011715780012309551, 0.007350095547735691, -0.015072347596287727, -0.0022186266724020243, 0.0041796062141656876, -0.02035411074757576, -0.0011486760340631008, -0.0010216417722404003, 0.02619410865008831, -0.0036124251782894135, 0.013934406451880932, -0.005639605689793825, 0.0133976424112916, -0.009618819691240788, -0.020654698833823204, 0.031576067209243774, -0.01754862070083618, 0.0026086755096912384, -0.017734698951244354, 0.022386658936738968, 0.0116799958050251, 0.013698230497539043, -0.008137349970638752, 0.01674705184996128, 0.016203131526708603, -0.01959548331797123, -0.019438032060861588, -0.023388618603348732, -0.0364999882876873, 0.029185675084590912, 0.01664685644209385, 0.015043719671666622, 0.010406075045466423, -0.02466253936290741, 0.03472508490085602, 0.005757694132626057, -0.0364999882876873, -0.033809006214141846, -0.03758782893419266, 0.010413231328129768, 0.029371753334999084, -0.0035533809568732977, -0.012553133070468903, -0.022329403087496758, 0.02032548189163208, -0.0005676284781657159, 0.025163520127534866, 0.02042567916214466, -0.021642345935106277, 0.002170317806303501, -0.0009102631593123078, -0.014120484702289104, 0.012624701485037804, 0.0232168547809124, 0.00946136936545372, 0.00325816054828465, 0.010692348703742027, -0.010635093785822392, -0.0363568477332592, -0.022816069424152374, 0.027969010174274445, 0.009890780784189701, -0.008616860024631023, 0.009339702315628529, 0.021284501999616623, -0.01056352537125349, 0.008259017020463943, -0.025592932477593422, -0.025006068870425224, -0.011357937008142471, 0.01953822746872902, -0.032434891909360886, 0.008874506689608097, 0.02102685533463955, -0.02330273576080799, 0.03807449713349342, 0.013054112903773785, -0.03114665485918522, -0.01458568125963211, 0.011193329468369484, 0.006888478063046932, 0.004805831704288721, 0.014671563170850277, -0.014786073006689548, -0.0023456609342247248, 0.029600773006677628, 0.011980583891272545, 0.021642345935106277, -0.015501759015023708, 0.0035641163121908903, 0.005593086127191782, -0.011179015971720219, 0.008853035978972912, -0.6142303943634033, -0.01807822845876217, 0.023488815873861313, -0.04440116137266159, 0.006222889758646488, 0.00869558472186327, 0.010992936789989471, 0.030946264043450356, 0.0152584258466959, 0.03326508775353432, -0.04282665252685547, -0.0013839578023180366, -0.003964900504797697, 0.0007639948162250221, -0.01607430726289749, -0.003843233920633793, 0.010105486959218979, -0.02311665751039982, 0.03850390762090683, 0.006401811260730028, -0.014592837542295456, 0.031461555510759354, -0.01092852558940649, -0.01125058438628912, 0.009897937998175621, 0.013490681536495686, 0.033179204910993576, -0.03629959374666214, -0.00690994830802083, 0.012667642906308174, -0.02245822735130787, 0.016317641362547874, 0.0032223763410001993, 0.018393130972981453, 0.06017487868666649, -0.014349504373967648, -0.02182842418551445, 0.017691757529973984, 0.03289292752742767, 0.02317391335964203, -0.038847435265779495, -0.01490058284252882, 0.005027694161981344, 0.004555341321974993, -0.010363133624196053, 0.004974017851054668, 0.015702150762081146, -0.01053489837795496, -0.015702150762081146, -0.051987431943416595, 0.001239925972186029, 0.0034174006432294846, -0.012009210884571075, 0.011000094003975391, 0.0007165806018747389, -0.023088030517101288, 0.026709401980042458, -0.010327349416911602, 0.013240191154181957, 0.01750567927956581, 0.003560537938028574, -0.010406075045466423, 0.0027035039383918047, -0.03655724227428436, -0.022773129865527153, 0.024462148547172546, -0.017892150208353996, 0.017076268792152405, -0.022214893251657486, -0.022286461666226387, 0.010992936789989471, 0.02101254090666771, -0.005328282248228788, 0.0072570559568703175, 0.008895977400243282, 0.02463391236960888, 0.025206461548805237, 0.005936615634709597, -0.023603323847055435, -0.004061518236994743, 0.013948720879852772, 0.011372250504791737, -0.021470580250024796, -0.0033261508215218782, 0.025263715535402298, 0.001287340186536312, -0.04860939458012581, 0.0133976424112916, -0.007894016802310944, -0.006086909677833319, 0.0046913218684494495, 0.0025335284881293774, -0.02182842418551445, -0.03867567330598831, 0.007124654483050108, 0.02102685533463955, 0.0033225722145289183, 0.008094408549368382, 0.019022934138774872, -0.04357096552848816, -0.023145286366343498, -0.022157639265060425, 0.006612938828766346, -0.022186266258358955, 0.00906774215400219, 0.0004153215268161148, -0.0024458570405840874, 0.005500047001987696, 0.021399011835455894, -0.024404892697930336, 0.01597411185503006, -0.012932445853948593, -0.008552447892725468, 0.004422939382493496, -0.004698478616774082, -0.028011949732899666, 0.04420076683163643, -0.0016416048165410757, -0.014063229784369469, -0.015029406175017357, 0.020955286920070648, 0.019223326817154884, 0.012567446567118168, -0.006938575766980648, 0.013197249732911587, 0.005464262794703245, 0.015158229507505894, -0.016875876113772392, -0.02311665751039982, -0.016503719612956047, 0.012223917059600353, -0.02554999105632305, 0.016446463763713837, -0.012080780230462551, 0.03589881211519241, -0.01557332742959261, 0.006834801286458969, 0.011508231051266193, -0.0004260568239260465, -0.02022528648376465, -0.0335799865424633, 0.0016424993518739939, 0.0014841539086773992, -0.03684351593255997, -0.006423281971365213, -0.000987646752037108, -0.028097832575440407, 0.017305288463830948, -0.010191368870437145, 0.0032867880072444677, -0.011093133129179478, -0.012460093945264816, -0.02907116524875164, 0.02098391391336918, 0.0018428914481773973, -0.011014407500624657, 0.005736223421990871, -0.02393254078924656, -0.00745029142126441, -0.01813548430800438, 0.0010350608499720693, 0.03793136030435562, -0.01239568181335926, -0.007142546586692333, 0.0015950852539390326, -0.027768617495894432, 0.016832934692502022, 0.01487195584923029, 0.024462148547172546, -0.032320380210876465, -0.016489405184984207, -0.015315680764615536, -0.009010487236082554, 0.024104304611682892, 0.0016809675144031644, -0.008144507184624672, 0.0015664577949792147, -0.007249899208545685, 0.0027142392937093973, -0.008251859806478024, 0.005829262547194958, 0.0020236021373420954, -0.015458817593753338, -0.017920777201652527, 0.02685253880918026, -0.0008006737334653735, 0.015172543935477734, -0.004072253592312336, -0.022257834672927856, 0.0010815805289894342, 0.017133522778749466, 0.02473410777747631, -0.012918132357299328, 0.0007657840615138412, -0.03549802675843239, 0.0038217632099986076, 0.0007997791399247944, 0.0042082336731255054, -0.008616860024631023, 0.03326508775353432, 0.008452251553535461, -0.020840777084231377, 0.007672153878957033, -0.018679404631257057, 0.024519402533769608, -0.029314499348402023, 0.0094542121514678, -0.008416467346251011, 0.01049195695668459, -0.0001261396537302062, 0.01378411240875721, -0.01303979940712452, -0.013383328914642334, -0.015644896775484085, 0.0044623021967709064, 0.0233599916100502, -0.020669011399149895, -0.006476958282291889, -0.004022155422717333, 0.008251859806478024, -0.0026999255642294884, -0.007299997378140688, 0.02094097249209881, 0.011307839304208755, -0.009561564773321152, -0.0004728000785689801, 0.015559013932943344, 0.044601552188396454, -0.004090145695954561, -0.01231695618480444, -0.00830195751041174, -0.002034337492659688, 0.012918132357299328, 0.01339048519730568, 0.014335190877318382, 0.005997448693960905, 0.02311665751039982, -0.004426517989486456, 0.005288919433951378, 0.0008391418377868831, 0.01958116888999939, -0.00029522046679630876, 0.0013571196468546987, -0.015344307757914066, 0.013698230497539043, 0.004766468890011311, 0.03684351593255997, -0.00041062483796849847, -0.008767154067754745, 0.024419207125902176, -0.0011567275505512953, 0.019166070967912674, 0.009969506412744522, 0.02331705018877983, 0.017849208787083626, -0.011880387552082539, 0.007829604670405388, 0.02101254090666771, 0.033923517912626266, 0.037387438118457794, 0.011694309301674366, -0.0188368558883667, 0.0052996547892689705, -0.02258704975247383, -0.012624701485037804, -0.05450664833188057, 0.020583130419254303, 0.020196659490466118, 0.012646172195672989, -0.004709213972091675, 0.008173134177923203, -0.009375486522912979, 0.009826368652284145, -0.026666460558772087, 0.0181068554520607, -0.005331860855221748, 0.025850579142570496, -0.007328624837100506, 0.026380186900496483, 0.0090892119333148, -0.026365872472524643, -0.018493326380848885, 0.010756760835647583, 0.020869404077529907, -0.007886859588325024, -0.02626567706465721, 0.0017149626510217786, 0.017691757529973984, -0.016446463763713837, 0.004075831733644009, -0.008752839639782906, -0.005746958777308464, 0.008681271225214005, -0.017147837206721306, -0.008087252266705036, -0.006244360469281673, 0.013955877162516117, -0.0021917885169386864, -0.0033225722145289183, 0.006716713309288025, 0.005192302167415619, 0.0014832592569291592, -0.001075318199582398, -0.015544700436294079, 0.051128607243299484, -0.007142546586692333, -0.02476273663341999, -0.024891559034585953, -0.008165976963937283, 0.004065096378326416, -0.010821172967553139, -0.012739211320877075, 0.001555722439661622, 0.014356661587953568, 0.01167283859103918, -0.002673087175935507, -0.0069815171882510185, 0.009761957451701164, 0.0405937097966671, -0.005865046754479408, -0.01588822901248932, -0.028770577162504196, -0.004430096596479416, 0.027883127331733704, 0.03976351395249367, 0.018636463209986687, -0.008924604393541813, 0.006773968227207661, -0.01343342661857605, -0.010577838867902756, -0.029629401862621307, 0.00040928294765762985, 0.022672932595014572, 0.006308772135525942, -0.014607151970267296, -0.0075147030875086784, 0.01960979588329792, 0.005285341292619705, 0.03346547856926918, 0.011028721928596497, 0.007110340520739555, -0.03057410567998886, -0.01167283859103918, 0.02481999062001705, -0.009339702315628529, -0.012531662359833717, 0.005399851128458977, 0.02968665584921837, -0.013912935741245747, 0.012653328478336334, 0.014685876667499542, -0.014771759510040283, 0.0035104400012642145, -0.03506861627101898, -0.01680430769920349, 0.02023960091173649, 0.018750973045825958, 0.009668918326497078, -0.009153624065220356, 0.015358622185885906, 0.020110776647925377, 0.03252077102661133, 0.010434702038764954, -0.027110185474157333, 0.026566265150904655, 0.01048479974269867, 0.01267479918897152, 0.00038647043402306736, -0.0013624872080981731, 0.002411861903965473, 0.013447740115225315, 0.02406136319041252, -0.0362137109041214, -0.011930486187338829, 0.014843327924609184, -0.03249214589595795, -0.015401562675833702, -0.01382705383002758, -0.011422349140048027, -0.009296760894358158, -0.012918132357299328, -0.002961150836199522, 0.005872203968465328, -0.03509724140167236, -0.004827301949262619, -0.006133429240435362, 0.0027875970117747784, -0.00419034156948328, -0.007650683633983135, -0.027253324165940285, -0.019366463646292686, 0.006813331041485071, -0.02320254035294056, -0.0048738219775259495, 0.02553567662835121, -0.018593521788716316, -0.02898528426885605, -0.0009366540471091866, 0.018679404631257057, 0.028699008747935295, 0.014335190877318382, -0.0033458322286605835, -0.0364999882876873, 0.0225584227591753, -0.010957152582705021, -0.006104801781475544, -0.005639605689793825, -0.002488798229023814, 0.004591125994920731, -0.008158820681273937, -0.011586956679821014, 0.0017820581560954452, -0.00873852614313364, -0.02759685181081295, 0.0037430378142744303, -0.01822136528789997, 0.0011781981447711587, 0.0004906922113150358, 0.012123720720410347, -0.0036160035524517298, 0.027825871482491493, 0.028541557490825653, 0.007199801504611969, -0.01597411185503006, 0.020482933148741722, 0.014385288581252098, -0.012860877439379692, 0.00415455736219883, 0.03423842042684555, 0.0038110280875116587, 0.0049418117851018906, -0.008495192974805832, -0.0072570559568703175, -0.020626071840524673, 0.027095872908830643, -0.010806858539581299, 0.016489405184984207, 0.007178330793976784, 0.011866074055433273, 0.03770234063267708, 0.023775089532136917, 0.016260385513305664, 0.009575879201292992, 0.0005023221019655466, -0.011594113893806934, -0.002334925578907132, 0.007557644508779049, 0.01827862113714218, -0.018020974472165108, 0.03128979355096817, -0.015444504097104073, 0.00795127172023058, -0.01604568026959896, -0.006305193994194269, -0.007103183772414923, 0.014599994756281376, 0.0026104648131877184, -0.020898031070828438, -0.010949996300041676, -0.013998818583786488, -0.017863523215055466, -0.010270094498991966, -0.0233599916100502, -0.013605191372334957, 0.0032223763410001993, -0.0378168486058712, 0.014277935959398746, -0.00325994985178113, -0.013633818365633488, -0.01414911262691021, -0.03652861341834068, 0.0019055140437558293, 0.01667548343539238, 0.0037967143580317497, -0.011400878429412842, -0.006967203225940466, -0.0007859126781113446, -0.032978810369968414, -0.0024762735702097416, -0.01375548541545868, -0.009597349911928177, 0.02257273718714714, 0.030173322185873985, 0.0023402932565659285, 0.028770577162504196, -0.0012613965664058924, 0.012617544271051884, 0.033121947199106216, -0.0030720822978764772, -0.007017301395535469, -0.008624016307294369, -0.012080780230462551, -0.023789403960108757, -0.0024565921630710363, 0.03798861429095268, 0.006673771888017654, 0.02264430560171604, 0.01521548442542553, 0.022157639265060425, 0.012288329191505909, 0.003682204522192478, -0.0297152828425169, -0.0035408565308898687, -0.055565863847732544, -0.00036142143653705716, -0.0046197534538805485, -0.005142203997820616, 0.0046161748468875885, -0.03260665386915207, -0.017305288463830948, -0.006920683663338423, 0.005109997931867838, 0.011851760558784008, -0.0028770577628165483, 0.03263528272509575, 0.01195911318063736, -0.0025460529141128063, 0.02902822382748127, 0.02921430394053459, -0.030087439343333244, 0.011923328973352909, -0.02480567805469036, -0.012345584109425545, 0.036729007959365845, -0.0189799927175045, 0.010291565209627151, -0.005757694132626057, 0.006838379893451929, -0.012309799902141094, 0.007894016802310944, -0.014156268909573555, -0.009389800950884819, -0.0028502196073532104, 0.006426860578358173, -0.0045159789733588696, -0.019166070967912674, -0.021327443420886993, 0.0008735842420719564, -0.012739211320877075, -0.0014072175836190581, -0.011493917554616928, 0.004444410093128681, -0.02688116580247879, -0.009618819691240788, 0.010241466574370861, 0.014986464753746986, 0.028097832575440407, -0.009239506907761097, 0.007289262022823095, 0.023775089532136917, -0.013776956126093864, -0.018378816545009613, 0.005231664981693029, 0.006036811508238316, -0.0029557831585407257, 0.01670411229133606, 0.02759685181081295, -0.04514547437429428, -0.04145253449678421, 0.004129508510231972, 0.00024780628154985607, -0.027167441323399544, -0.057827431708574295, 0.019151758402585983, 0.01588822901248932, 0.020855089649558067, -0.025607245042920113, -0.001360698021017015, -0.028183715417981148, 0.029400382190942764, -0.009389800950884819, 0.006179948803037405, 0.0031937488820403814, -0.004981174599379301, -0.0005573405069299042, 0.026766657829284668, -0.0020737003069370985, 0.043256063014268875, -0.0066451444290578365, -0.004125929903239012, 0.00949715357273817, 0.00022465831716544926, -0.005256713833659887, 0.007886859588325024, -0.014435387216508389, 0.03727292641997337, -0.013991661369800568, -0.010298721492290497, 0.030373714864253998, 0.0037179889623075724, 0.019409405067563057, 0.014886269345879555, -0.009396957233548164, 0.033809006214141846, -0.029429009184241295, -0.013311759568750858, -0.0032080626115202904, 0.0018589944811537862, 0.016217445954680443, -0.010026761330664158, -0.006956467870622873, -0.016374895349144936, -0.024218814447522163, 0.008080095052719116, 0.02043999172747135, 2.3637208869331516e-05, 0.025621559470891953, 0.0034639202058315277, -0.006004605442285538, -0.015100974589586258, -0.029371753334999084, 0.003111444879323244, -0.0024172295816242695, -0.04523135721683502, -0.03295018523931503, 0.000598045124206692, -0.014056073501706123, -0.006129850633442402, -0.002828748896718025, -0.025134893134236336, 0.01088558416813612, 0.03149018436670303, -0.0160599946975708, 0.016145875677466393, 0.03933410346508026, 0.005521517712622881, -0.035154495388269424, 0.005603821482509375, -0.001018063398078084, -0.027239009737968445, 0.03787410259246826, -0.012524505145847797, -0.03257802873849869, 0.0037072536069899797, -0.011443818919360638, 0.019967639818787575, 0.02753959782421589, 0.0025603666435927153, 0.00980489794164896, 0.005474998150020838, 0.004444410093128681, -0.014914896339178085, -0.011264897882938385, 0.02094097249209881, -0.011028721928596497, 0.0037144103553146124, 0.02762548066675663, -0.015873916447162628, 0.015687838196754456, -0.017749013379216194, -0.001928773825056851, -0.018708031624555588, -0.05453527346253395, -0.009167937561869621, -0.004061518236994743, 0.006187105551362038, -0.0017918988596647978, -0.0013141784584149718, -0.012989700771868229, -0.0023742883931845427, -0.018063915893435478, 0.01892273873090744, 0.00419034156948328, -0.022071756422519684, 0.006408968474715948, 0.0032098516821861267, -0.0056360275484621525, -0.008072937838733196, -0.022715874016284943, 0.0005743380170315504, 0.007915487512946129, 0.00835205614566803, -0.05135762691497803, -0.0005054532666690648, 0.023674894124269485, 0.05885801836848259, 0.03217724338173866, -0.015058034099638462, -0.03054547868669033, -0.0037788222543895245, -0.05462115630507469, -0.005149360746145248, -0.0069779385812580585, 0.016117248684167862, 0.0006476958515122533, 0.019237639382481575, 0.0031436507124453783, 0.017147837206721306, -0.012102250941097736, -0.008516663685441017, -0.008366369642317295, -0.01753430813550949, -0.0018733080942183733, 0.01267479918897152, 0.011787348426878452, 0.001944876741617918, -0.05250272527337074, 0.011937642470002174, -0.004018576815724373, 0.012467250227928162, -0.015058034099638462, 0.010871270671486855, -0.008230389095842838, -0.008452251553535461, -0.01020568236708641, -0.0018518376164138317, 0.01601705327630043, 0.0031597537454217672, 0.004956125747412443, -0.029944302514195442, -0.005245978478342295, 0.01604568026959896, -0.00637318380177021, -0.02536391280591488, 0.00838784035295248, -0.0057075959630310535, 0.0017248032381758094, 0.007317889481782913, -0.006272987928241491, -0.013626662082970142, 0.0180352870374918, -0.021341757848858833, 0.027439402416348457, 0.006587889976799488, 0.015072347596287727, 0.05313253030180931, -0.013769798912107944, 0.010348820127546787, -0.0028162244707345963, -0.015659209340810776, -0.03876155614852905, -0.0044336747378110886, 0.008974703028798103, -0.021313128992915154, 0.012510191649198532, -0.008437938056886196, 0.009046271443367004, -0.0018572051776573062, 0.004601860884577036, 0.007464604917913675, -0.024290382862091064, -0.009833525866270065, 0.021370384842157364, -0.007299997378140688, -0.016489405184984207, -0.013297446072101593, 0.007779506966471672, 0.002843062626197934, 3.0556439014617354e-05, 0.0016586023848503828, 0.004218969028443098, -0.01454273983836174, 0.027439402416348457, 0.01267479918897152, -0.00548215489834547, -0.012803622521460056, 0.010406075045466423, 0.016331953927874565, -0.009719016030430794, 0.010033917613327503, 0.1984454244375229, 0.009740486741065979, 0.030201949179172516, 0.013175779953598976, -0.008860193192958832, -0.010584996081888676, 0.03566979244351387, 0.011930486187338829, 0.01267479918897152, -0.0052030375227332115, 0.0015485655749216676, 0.011264897882938385, -0.01953822746872902, -0.003785979002714157, 0.02753959782421589, -0.031833715736866, -0.03979214280843735, -0.03569841757416725, -0.019395090639591217, 0.01588822901248932, -0.010241466574370861, -0.00601534079760313, -0.009196565486490726, -0.01375548541545868, 0.006408968474715948, -0.02184273675084114, -0.02252979576587677, -0.010377447120845318, 0.025893520563840866, 0.015058034099638462, -0.022901952266693115, -0.009747643955051899, 0.02177116833627224, -0.0030470332130789757, 0.010949996300041676, -0.02682391181588173, 0.04065096378326416, 0.006856271997094154, 0.01164421159774065, 0.020654698833823204, -0.003785979002714157, -0.03043096885085106, 0.01232411339879036, 0.01886548288166523, 0.01664685644209385, 0.002333136508241296, -0.003574851667508483, 0.023045089095830917, -0.0006955573335289955, 0.0019126709084957838, -0.02311665751039982, -0.023560384288430214, 0.03054547868669033, 0.013648131862282753, -0.02096959948539734, 0.005385537166148424, -0.01958116888999939, 0.01747705228626728, 0.009146466851234436, 0.0027464451268315315, -0.024118619039654732, -0.00432990025728941, 0.015158229507505894, 0.009275291115045547, -0.011486760340631008, 0.027453714981675148, -0.01737685687839985, 0.0159884262830019, 0.006484115496277809, 0.0003484496264718473, -0.012066465802490711, -0.015329994261264801, -0.0037609299179166555, 0.0024744844995439053, -0.033150576055049896, -0.03151881322264671, 0.029314499348402023, -0.002002131659537554, -0.0002106800675392151, 0.016260385513305664, 0.0020414942409843206, 0.025821952149271965, 0.005070635583251715, 0.00833774171769619, -0.020697640255093575, -0.04571802169084549, 0.00601534079760313, -0.007357252296060324, -0.020826462656259537, -0.016475092619657516, -0.007206958252936602, 0.0335799865424633, -0.01597411185503006, -0.009246663190424442, 0.009153624065220356, 0.004719949327409267, 0.02828391082584858, 0.0003947455552406609, -0.0189799927175045, 0.00798705592751503, -0.011293524876236916, 0.04079410433769226, 0.016518034040927887, -0.00400784146040678, -0.014435387216508389, -0.0036857828963547945, 0.0073357815854251385, 0.015043719671666622, -0.002290195319801569, 0.01128636859357357, 0.00032854461460374296, -0.027124499902129173, 0.002513847080990672, -0.015802348032593727, 0.004644802305847406, 0.0335799865424633, 0.007679311092942953, -0.016861561685800552, -0.0056324489414691925, -0.011021564714610577, 0.022086070850491524, -0.012223917059600353, 0.01588822901248932, 0.027396460995078087, 0.001781163620762527, 0.022286461666226387, -0.01674705184996128, -0.004852351266890764, -0.01558764185756445, -0.03355136141180992, 0.025077637284994125, -0.022343717515468597, 0.017720386385917664, 0.0009447055635973811, 0.005013380665332079, -0.008824408985674381, -0.0196384247392416, -0.015501759015023708, -0.01199489738792181, -0.0007402877090498805, 0.011035878211259842, 0.003997106570750475, 0.004197498317807913, 0.03137567639350891, 0.001061899121850729, -0.011751564219594002, 0.011515388265252113, 0.030345087870955467, 0.005546566564589739, -0.037559203803539276, -0.0013624872080981731, -0.033780381083488464, 0.020210973918437958, -0.008115879260003567, 0.028856460005044937, -0.0068240659311413765, -0.009203721769154072, -0.0437999852001667, 0.02036842331290245, 0.02104116976261139, -0.033809006214141846, 0.010706663131713867, 0.04494508355855942, -0.019466659054160118, -0.005897252820432186, -0.005410586483776569, -0.18481875956058502, 0.01052774116396904, 0.02683822624385357, -0.03257802873849869, 0.014471171423792839, 0.010992936789989471, 0.004916762933135033, 0.0075147030875086784, 0.0008114090305753052, 0.002061175648123026, 0.02032548189163208, -0.0039541651494801044, -0.011751564219594002, -0.020010581240057945, 0.020168032497167587, -0.0013830632669851184, 0.027969010174274445, 0.010227153077721596, 0.009883623570203781, 0.007543330546468496, -0.0068312231451272964, -0.023760775104165077, 0.012810779735445976, 0.021527836099267006, -0.013927250169217587, 0.011350779794156551, -0.011272055096924305, 0.0098192123696208, -0.01958116888999939, -0.008001369424164295, 0.008359212428331375, -0.019166070967912674, 0.01084264274686575, -0.014256465248763561, -0.009647447615861893, 0.00762921292334795, -0.00544279208406806, 0.0047915177419781685, -0.005396272521466017, 0.04992625489830971, 0.03280704841017723, 0.026637833565473557, 0.02537822537124157, 0.011515388265252113, -0.018507640808820724, 0.0013821686152368784, 0.02043999172747135, -0.008445095270872116, -0.001987817930057645, -0.0021488473284989595, -0.02026822790503502, 0.006498428992927074, 0.036786261945962906, 0.006705977953970432, -0.002440489362925291, 0.0010663721477612853, 0.02393254078924656, 0.008767154067754745, 0.01880822889506817, -0.007239163853228092, -0.0180352870374918, 0.0012909186771139503, 0.005109997931867838, -0.0035498025827109814, -0.00397921446710825, -0.02763979323208332, -0.011336466297507286, -0.003007670398801565, -0.013447740115225315, -0.008795781061053276, -0.03295018523931503, 0.005571615416556597, 0.01410617120563984, 0.00433705747127533, 0.026566265150904655, 0.0015181489288806915, -0.005034850910305977, 0.007142546586692333, -0.013519308529794216, 0.022773129865527153, 0.003986371215432882, 0.03292155638337135, -0.0069027915596961975, -0.01017705537378788, 0.005568037275224924, -0.020482933148741722, -0.016360582783818245, -0.01668979786336422, -0.006265831179916859, 0.007536173798143864, 0.0077437227591872215, -0.02403273619711399, 0.009704702533781528, -0.01584528759121895, 0.029199989512562752, 0.0016067151445895433, 0.016432151198387146, -0.00867411494255066, 0.019008619710803032, -0.016217445954680443, 0.004805831704288721, -0.004018576815724373, -0.026036657392978668, -0.004838037304580212, 0.044744689017534256, 0.02023960091173649, -0.0017149626510217786, -0.00016628517187200487, 0.023546069860458374, -0.024519402533769608, -0.00048219345626421273, 0.022200580686330795, 0.04357096552848816, 0.008552447892725468, -0.013655289076268673, 0.040393318980932236, -0.0021488473284989595, -0.032406263053417206, 0.01528705283999443, -0.017090581357479095, 0.04800821840763092, 0.008903133682906628, -0.02459097094833851, -0.022343717515468597, 0.012266858480870724, 0.005038429517298937, -0.10632231086492538, -0.006401811260730028, 0.014471171423792839, -0.0037287240847945213, -0.045546259731054306, 0.005893674213439226, 0.007815291173756123, 0.008409311063587666, -0.019008619710803032, 0.03048822470009327, -0.011830289848148823, -0.007507546339184046, -0.007536173798143864, -0.00616205669939518, 0.01804960146546364, -0.013698230497539043, 0.016947444528341293, -0.029486263170838356, 0.018536267802119255, 0.025235088542103767, 0.009640290401875973, -0.012968230992555618, -0.014671563170850277, -0.0012023524614050984, -0.005160096101462841, 0.020955286920070648, -0.027095872908830643, 0.023460187017917633, 0.027224695309996605, 0.019910385832190514, 0.013361858204007149, -0.030173322185873985, 0.004988331347703934, -0.015702150762081146, -0.008624016307294369, -0.0015655631432309747, -0.03292155638337135, -0.0029110528994351625, 0.024447834119200706, -0.029972929507493973, 0.009761957451701164, 0.008187447674572468, 0.024190187454223633, -0.005249557085335255, -0.015015092678368092, -0.007600585464388132, -0.024290382862091064, 0.022687247022986412, -0.005861468613147736, -0.015000779181718826, -0.01160127017647028, -0.027997637167572975, -0.012409995310008526, -0.0023134551011025906, 0.014743131585419178, -0.027052931487560272, -0.00870274193584919, 0.010449015535414219, -0.016303326934576035, 0.00878146756440401, -0.025034695863723755, -0.00565749779343605, -0.014435387216508389, 0.014421072788536549, 0.02467685379087925, 0.025106266140937805, -0.02192861959338188, -0.01558764185756445, 0.012445779517292976, 0.0021452687215059996, -0.012996857985854149, 0.01819273829460144, -0.015559013932943344, 0.0090892119333148, -0.03724430128931999, -0.027095872908830643, -0.02834116667509079, -0.017233720049262047, 0.0013150731101632118, -0.00583641929551959, -0.01885117031633854, -0.025163520127534866, -0.003771665273234248, -0.009482840076088905, 0.006781124975532293, -0.006172792054712772, -0.02194293402135372, -0.0019126709084957838, 0.02171391434967518, -0.03704390674829483, 0.02912842109799385, 0.007174752186983824, -0.003292155684903264, -0.01826430670917034, 0.010084016248583794, 0.009740486741065979, -0.007536173798143864, 0.0040328907780349255, 0.013125681318342686, -0.005915144924074411, -0.031661950051784515, 0.0067274486646056175, -0.07420232892036438, 0.010627937503159046, 0.008631173521280289, -0.0031239695381373167, -0.011458133347332478, -0.013927250169217587, 0.003592743771150708, -0.00015387249004561454, -0.011937642470002174, 0.007385879755020142, -0.022930579259991646, 0.015244112350046635, -0.014013132080435753, -0.0033887731842696667, -0.008072937838733196, -0.02115567773580551, 0.00941842794418335, -0.005339017603546381, 0.02607959881424904, 0.02467685379087925, 0.0009048954816535115, 0.0012470828369259834, 0.016160190105438232, 0.01120048575103283, -0.0052781845442950726, -0.017577247694134712, -0.0021882099099457264, -0.00028023580671288073, 0.0061441645957529545, 0.012961073778569698, 0.028026264160871506, -0.04342782869935036, -0.0008199078147299588, 0.020840777084231377, -0.006058282218873501, -0.014714504592120647, -0.004054361488670111, 0.008087252266705036, 0.01975293457508087, 0.036757633090019226, -0.04594704136252403, -0.01594548486173153, -0.010821172967553139, -0.00906058494001627, -0.0051278905011713505, 0.011987741105258465, 0.02404705062508583, 0.016575288027524948, 0.007342938333749771, -0.01454273983836174, 0.03721567243337631, 0.0075934287160634995, -0.008201762102544308, -0.0597168393433094, -0.030259205028414726, 0.005575194023549557, 0.010713819414377213, -0.005893674213439226, -0.0037072536069899797, -0.030946264043450356, 0.03363724425435066, 0.0045374492183327675, 0.03572704643011093, 0.0160599946975708, 0.015559013932943344, -0.02751097083091736, -0.01528705283999443, -0.009339702315628529, -0.006326664239168167, -0.023560384288430214, -0.005904409568756819, 0.01085695717483759, 0.019323522225022316, 0.020611757412552834, 0.012603230774402618, -0.016560973599553108, -0.004684165120124817, 0.009196565486490726, -0.03609920293092728, 0.01386999525129795, 0.03063136152923107, -0.021370384842157364, -0.01680430769920349, 0.02331705018877983, 0.023546069860458374, -0.019881756976246834, -0.003422768320888281, 0.019108816981315613, 0.0040293121710419655, 0.01487195584923029, -0.002648038323968649, 0.005542987957596779, -0.008502350188791752, -0.005847154650837183, -0.009797741658985615, 0.02612254023551941, -0.0160599946975708, 0.0025460529141128063, 0.03492547571659088, 0.021599404513835907, -0.000598045124206692, -0.001508308225311339, -0.009003330022096634, -0.01049911417067051, -0.02483430504798889, 0.008072937838733196, -0.017004700377583504, 0.006222889758646488, 0.006083331070840359, -0.01741979829967022, 0.01588822901248932, -0.0020164453890174627, 0.0003533699782565236, 0.01671842485666275, -0.0298584196716547, -0.00038870697608217597, 0.003649998689070344, -0.03206273168325424, -0.04425802454352379, 0.025621559470891953, -0.0012506613275036216, 0.003907645586878061, 0.023030776530504227, 0.01594548486173153, 0.019466659054160118, 0.01454273983836174, 0.020568815991282463, -0.013633818365633488, 0.01603136584162712, -0.02772567607462406, 0.005535831209272146, -0.017033327370882034, -0.009225192479789257, 0.0027035039383918047, -0.01378411240875721, -0.004526713863015175, 0.00797989871352911, 0.0004200182156637311, -0.023431560024619102, 0.10540623962879181, 0.03727292641997337, -0.008516663685441017, 0.005718331318348646, -0.023088030517101288, 0.0006347240414470434, 0.03552665561437607, -0.009611663408577442, -0.022028815001249313, -0.036127831786870956, -0.0004589336458593607, -0.0133976424112916, 0.006251517217606306, -0.023488815873861313, -0.0031633321195840836, -0.008545290678739548, -0.02179979532957077, 0.01965273730456829, -0.004340635612607002, 0.0052996547892689705, 0.007350095547735691, 0.006026076152920723, 0.016460778191685677, 0.003379827132448554, -0.015516072511672974, -0.006684507243335247, -0.0004162161494605243, -0.004952547140419483, 0.028126459568738937, -0.034438811242580414, -0.014120484702289104, 0.014986464753746986, -0.039649005979299545, -0.014800386503338814, -0.024848617613315582, 0.0013705387245863676, -0.008445095270872116, -0.0026355136651545763, 0.014757446013391018, 0.004891714081168175, 0.02240097150206566, 0.014435387216508389, 0.010298721492290497, -0.009482840076088905, -0.014564210548996925, -0.019981954246759415, -0.02245822735130787, -0.01667548343539238, -0.015430190600454807], metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='3f6962ed-6349-4fe4-bd5a-dee09f6d4b9e', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='b96b4def9ce374e601c1ad43943a4730ed91e855fd9667b91adddb9a7736afbd'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='1363c481-8016-4b69-bc55-7bdb99667a09', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='0da740827557c82dd646e627033cc6ed256242861507322798efb3bcfe60ce90'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='893d4caa-bc26-4f00-afbc-50a333bf3068', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='6824b16b4c7372b7e9ed77bfb4369bce8678a2575eee15c4a29d11ede3bf4a90')}, hash='a3e0e4ce0c25a84e7c66c8b6627ccf9b6f8a14551bb6e076103245a7e1f3ba20', text='Proximity graph K-ANNS algorithms [10, 18-26] have recently gained pop ularity offering a better performance on high dimensional datasets. However, the power-law scaling of the proxim ity graph routing causes extreme performance degrad ation in case o f low dimensional or clustered data. In this paper we propose the Hierarchical Navigable Small World (Hierarchical NSW, HNSW), a new fully graph based incremental K-ANNS structure, which can offer a much better logarithmic complexity scaling. The main contributions are: explicit selection of the graph’s enter-point node, separation of links by different scales and use of an advanced heuristic to select the neighbors. Alternatively, Hierarchical NSW algorithm can be seen as an extension of the probabilistic skip list structure [27] with proximity graphs instead of the linked lists. Perfo rmance e valuation has demonstrated that the proposed general metric space method is able to strongly outpe rform previous opensource state-of-the-art approaches suitable only for vector spaces. ', start_char_idx=3647, end_char_idx=4688, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
425
       " TextNode(id_='893d4caa-bc26-4f00-afbc-50a333bf3068', embedding=[-0.005904287099838257, 0.01786443404853344, -0.005911337211728096, -0.009066165424883366, 0.004430859349668026, 0.017131244763731956, -0.017399141564965248, -0.009030915796756744, -0.028989169746637344, -0.04269416630268097, 0.013444150798022747, 0.004272236488759518, 0.010356295853853226, 0.01765293814241886, -0.007712585385888815, 0.008206077851355076, 0.019316712394356728, -0.0018470726208761334, 0.015114975161850452, 0.0015148462262004614, -0.03445988893508911, 0.009742955677211285, -0.010024950839579105, -0.03008895367383957, -0.002263016300275922, 0.034036893397569656, 0.029750557616353035, -0.021459881216287613, -0.006038235500454903, -0.01567896641790867, 0.00764208659529686, -0.01832972839474678, -0.00060012232279405, -0.0007428827229887247, -0.004719905089586973, -0.0062638320960104465, 0.019937103614211082, -0.030342750251293182, 0.03406509384512901, -0.009665406309068203, 0.00413123844191432, 0.0003740850661415607, -0.0010213535279035568, -0.007818333804607391, -0.00432158587500453, -0.0014452285831794143, 0.014268987812101841, -0.018104130402207375, -0.009228313341736794, 0.038633424788713455, 0.021939273923635483, 0.024378538131713867, -0.009848703630268574, 0.0022101420909166336, -0.021121487021446228, 0.004240511916577816, 0.010574842803180218, 0.01565076783299446, -0.003750544274225831, -0.020219100639224052, 0.010137749835848808, -0.009207163006067276, -0.018964217975735664, 0.017977232113480568, -0.017074845731258392, -0.0370260514318943, -0.017060747370123863, 2.853004480130039e-05, 7.270204514497891e-05, -0.0106523921713233, 0.00893221702426672, 0.01699024811387062, -0.01768113672733307, 0.0028358204290270805, 0.049236468970775604, -0.013162154704332352, -0.008748919703066349, 0.009996751323342323, -0.010285797528922558, 0.006383680272847414, -0.0031248661689460278, -0.03561607003211975, 0.001561551820486784, 0.014149139635264874, 0.005943061783909798, 0.017779836431145668, 0.015989162027835846, 0.02481563203036785, -0.037279848009347916, -0.009059115312993526, 0.031865525990724564, 0.04038180038332939, 0.030765743926167488, -0.018090032041072845, -0.004867952782660723, 0.009616057388484478, -0.020853590220212936, 0.00864317175000906, 0.022503266111016273, -0.024505436420440674, -0.009327011182904243, 0.008248377591371536, 0.0022788785863667727, -0.005643441341817379, -0.01179447490721941, -0.0006992614944465458, -0.01380369532853365, -0.0019880705513060093, -0.00597126130014658, 0.02167137898504734, -0.010088399983942509, -0.002188992453739047, -0.01231616735458374, -0.005851413123309612, -0.014593283645808697, -0.030511947348713875, 0.02395554445683956, -0.022023873403668404, -0.015100875869393349, -0.01680695079267025, 0.02147398144006729, 0.011991871520876884, 0.008431674912571907, -0.01651085540652275, 0.012231568805873394, 0.02358894981443882, 0.001225800602696836, -0.02913016825914383, 0.005107649136334658, -0.030765743926167488, 0.03135793283581734, 0.024561835452914238, 0.010666491463780403, 0.010426795110106468, -0.03626466169953346, 0.032711513340473175, 0.008072130382061005, -0.028707174584269524, -0.03324730694293976, -0.03592626750469208, 0.008170828223228455, 0.03324730694293976, -0.012351416982710361, -0.017737535759806633, -0.011216383427381516, 0.03744904324412346, -0.002481563249602914, 0.02051519602537155, 0.0014152665389701724, -0.021262483671307564, -0.002802333328872919, 0.00465293088927865, 0.0015518581494688988, 0.025436021387577057, 0.01498807780444622, 0.007219092920422554, -0.010053150355815887, 0.025859015062451363, -0.012816709466278553, -0.041791778057813644, -0.0253091249614954, 0.01045499462634325, -0.00013471909915097058, -0.013719095848500729, 0.0053015211597085, 0.025647519156336784, 0.00826247688382864, -0.0033610376995056868, -0.016665952280163765, -0.021558579057455063, -0.006267357151955366, 0.023518450558185577, -0.03426248952746391, -0.009468009695410728, 0.006433029659092426, -0.005347345490008593, 0.04385034739971161, 0.019725607708096504, -0.03352930024266243, -0.00498780095949769, -0.001129745738580823, 0.00417353818193078, -0.0011773324804380536, 0.017342742532491684, -0.0014804779784753919, 0.0020303698256611824, 0.04077659547328949, -0.003524947678670287, 0.018696323037147522, -0.022714762017130852, 0.01528417319059372, 0.01194252260029316, 0.003792843781411648, 0.01308460533618927, -0.6217443943023682, -0.023744046688079834, 0.011540678329765797, -0.025859015062451363, -0.008840568363666534, 0.012929507531225681, 0.015354671515524387, 0.02997615560889244, 0.01027169730514288, 0.016299357637763023, -0.03984600678086281, 0.009538508020341396, -0.006062909960746765, -0.008184928447008133, -0.015143174678087234, -0.015989162027835846, 0.0013095180038362741, -0.02205207198858261, 0.02340565249323845, 0.007028745487332344, -0.01854122430086136, 0.030709343031048775, -0.0018576474394649267, -0.00432158587500453, -0.0030367423314601183, 0.003627171041443944, 0.03293710947036743, -0.041284188628196716, 0.00033354817423969507, 0.023617148399353027, -0.023828646168112755, 0.021248385310173035, 0.009193063713610172, 0.024279840290546417, 0.05575057119131088, -0.013296102173626423, -0.007557487580925226, 0.00793113186955452, 0.02044469676911831, 0.014635582454502583, -0.03931021690368652, -0.020360097289085388, 0.011808574199676514, 0.013176253996789455, -0.011286882683634758, 0.012287967838346958, 0.020120400935411453, 0.0006952959229238331, -0.0170043483376503, -0.028326479718089104, -0.003442111425101757, -0.009425709955394268, -0.022672463208436966, 0.008050980046391487, 0.0021290683653205633, -0.012013021856546402, 0.025238625705242157, -0.016482654958963394, 0.0033310754224658012, 0.009552608244121075, 0.0024286890402436256, -0.005114699248224497, -0.007501088548451662, -0.016116060316562653, -0.009658356197178364, 0.01996530406177044, -0.017695236951112747, 0.01785033568739891, -0.01075109001249075, -0.012718010693788528, 0.02815728262066841, 0.023744046688079834, 0.01679285056889057, -0.002957431133836508, 0.01766703836619854, 0.026719102635979652, 0.021600879728794098, 0.009926252998411655, -0.022460967302322388, -0.006792574189603329, 0.009609007276594639, 0.015213673934340477, -0.012555863708257675, -0.00783243402838707, 0.027170296758413315, 0.006831348408013582, -0.03705424815416336, 0.00028794415993615985, -0.0136556476354599, -0.012076471000909805, 0.004526032600551844, -0.008939267136156559, -0.027579190209507942, -0.025943614542484283, -0.00415591336786747, 0.01594686321914196, 0.014395886100828648, 0.011491329409182072, 0.027254894375801086, -0.037308044731616974, -0.01928851380944252, -0.017624737694859505, 0.003177740378305316, -0.01644035615026951, 0.0014725468354299664, 0.004741054493933916, -0.002721259603276849, 0.00863612163811922, 0.020275499671697617, -0.010758140124380589, 0.01413504034280777, -0.005883137695491314, -0.02129068411886692, 0.018780920654535294, -0.005333245731890202, -0.028960969299077988, 0.04878527671098709, 0.014120940119028091, -0.010342196561396122, -0.0009720043162815273, 0.026761403307318687, -0.0021960423327982426, 0.011040136218070984, -0.007374190259724855, 0.009482108987867832, -0.004702280275523663, 0.0025309124030172825, -0.026592204347252846, -0.032993510365486145, 0.0008763900841586292, 0.02777658775448799, 0.00040250495658256114, 0.02119198441505432, -0.021220184862613678, 0.02511172741651535, -0.007053420413285494, 0.009390460327267647, 0.008410525508224964, -0.001995120430365205, -0.0020832440350204706, -0.03226032108068466, 0.015805864706635475, 0.010095450095832348, -0.02759329043328762, -0.00020092201884835958, 0.0018840845441445708, -0.019612809643149376, 0.009721805341541767, -0.019175715744495392, -0.021896975114941597, -0.016736451536417007, -0.010144799016416073, -0.02654990553855896, 0.021614978089928627, 0.003221802180632949, -0.014043391682207584, 0.0069758715108036995, -0.010631241835653782, -0.008297726511955261, -0.014480484649538994, 0.005787963978946209, 0.03945121541619301, -0.022277669981122017, -0.009714756160974503, 0.005350870545953512, -0.003540809964761138, 0.009764105081558228, 0.019316712394356728, 0.02739589288830757, -0.029947955161333084, -0.0007904695230536163, -0.016073761507868767, -0.027057498693466187, 0.019528210163116455, -0.007053420413285494, -0.004741054493933916, 0.005403744522482157, -0.0015359959797933698, -0.012154019437730312, -0.01308460533618927, 0.006418929900974035, 0.0026842476800084114, 0.000683399208355695, -0.012027121149003506, 0.02969415858387947, -0.002356427488848567, 0.005167573224753141, 0.005830263253301382, -0.0004555994819384068, 0.009609007276594639, 0.001422316418029368, 0.024026043713092804, -0.013035256415605545, 0.009348161518573761, -0.009037965908646584, 0.012217468582093716, -0.013183304108679295, -0.0009420422720722854, -0.009030915796756744, 0.019711507484316826, 0.003179502673447132, 0.008283627219498158, 0.004585956688970327, -0.02282756008207798, 0.01682105101644993, -0.04365295171737671, 0.010447944514453411, -0.01298590749502182, 0.006485903635621071, 0.003838667878881097, 0.011286882683634758, -0.013155104592442513, -0.010877988301217556, -0.015918662771582603, 0.009545558132231236, 0.026874201372265816, -0.02092408947646618, 0.008438725024461746, -0.023659449070692062, 0.02224946953356266, -0.0002385948901064694, -0.013521699234843254, 0.031386133283376694, -0.006796099245548248, 0.001172926276922226, -0.0010909712873399258, 0.02196747437119484, 0.028199581429362297, 0.0035760593600571156, -0.004335685633122921, -0.011300981976091862, -0.007226142566651106, 0.01871042139828205, 0.0077971844002604485, 0.02281346172094345, 0.006404829677194357, 0.034995678812265396, -0.013571048155426979, 0.014395886100828648, -0.005664590746164322, 0.00849512405693531, 0.008720720186829567, 0.02312365733087063, -0.018766820430755615, -0.002018032595515251, 0.00043731380719691515, 0.029750557616353035, 0.013394800946116447, 0.0012636937899515033, 0.018484825268387794, -0.007282542064785957, 0.03240131959319115, 0.009383410215377808, 0.006193332839757204, 0.01758243888616562, -0.014832979999482632, 0.008544472977519035, 0.012908358126878738, 0.03130153566598892, 0.029919756576418877, 0.0016135447658598423, -0.0016399818705394864, 0.027579190209507942, -0.013881243765354156, 0.0021625554654747248, -0.05797833949327469, 0.007599787320941687, 0.014522784389555454, 0.00908026471734047, -0.01813233084976673, -0.00598888611420989, -0.008241327479481697, 0.0040924642235040665, -0.015453370288014412, 0.008763019926846027, 0.0009393985383212566, 0.015580268576741219, -0.022883960977196693, 0.02198157273232937, 0.011364431120455265, -0.04424514248967171, -0.00018461912986822426, 0.00997560191899538, 0.024082442745566368, 0.004716380033642054, -0.006940621882677078, 0.004515457898378372, 0.023081356659531593, -0.03561607003211975, -0.004258136730641127, -0.004043114837259054, -0.006595177110284567, -0.0006512340623885393, -0.02358894981443882, -0.010877988301217556, -0.0018523599719628692, 0.018287427723407745, 0.0045789070427417755, -0.000977291725575924, 0.0006582839996553957, 0.017399141564965248, -0.005174623336642981, -0.011117684654891491, -0.003191840136423707, 0.03897182270884514, -0.018456626683473587, 0.0004767491773236543, -0.015157274901866913, 0.013697946444153786, -0.0037399695720523596, -0.0011403205571696162, 0.0024868506006896496, 0.006623376626521349, 0.014219638891518116, 0.013049356639385223, -0.001573889167048037, -0.021431682631373405, 0.013014107011258602, 0.03336010500788689, -0.0033011133782565594, -0.008805319666862488, -0.018555324524641037, -0.02188287489116192, 0.03085034154355526, 0.049039073288440704, 0.02511172741651535, -0.009735905565321445, 0.007677335757762194, 0.0057773892767727375, -0.019894804805517197, -0.027480492368340492, -0.0011517766397446394, 0.007761934772133827, 0.0017377991462126374, -0.014875278808176517, -0.012682761996984482, 0.01680695079267025, 0.012372566387057304, 0.04204557463526726, -0.004420284181833267, 0.0005600260337814689, -0.031668130308389664, -0.009235362522304058, 0.015241873450577259, -0.02234816737473011, -0.01327495276927948, 0.0061263591051101685, 0.013190354220569134, -0.00013207537995185703, -0.0003150421835016459, 0.032993510365486145, 0.00034368238993920386, 0.0036165963392704725, -0.03324730694293976, -0.014254888519644737, 0.02253146469593048, 0.026803702116012573, 0.01016594935208559, -0.00983460433781147, 0.025069428607821465, 0.01880912110209465, 0.029468562453985214, 0.00043687320430763066, -0.005897237453609705, 0.018879620358347893, 0.003680045250803232, 0.007444689515978098, 0.008142628706991673, -0.00994035229086876, 0.0018981843022629619, 0.007479939144104719, 0.013888293877243996, -0.023306954652071, -0.021459881216287613, 0.014847079291939735, -0.013817794620990753, -0.0129013080149889, -0.026789601892232895, -0.008523323573172092, -0.0011068335734307766, -0.00745173916220665, -0.0024075391702353954, -0.008184928447008133, -0.022883960977196693, 0.004734004847705364, -0.005174623336642981, 0.015622568316757679, -0.002633135998621583, -0.008861718699336052, -0.016257058829069138, -0.03978960961103439, -0.0003434620739426464, -0.010765190236270428, 0.001755423960275948, 0.019161615520715714, -0.008276577107608318, -0.025647519156336784, -0.006267357151955366, 0.0021431681234389544, 0.018851419910788536, 0.0005913099739700556, -0.002897507045418024, -0.03130153566598892, 0.024688733741641045, -0.024209341034293175, -0.01737094111740589, -0.0026296109426766634, -0.011251633055508137, 0.0055588423274457455, -0.018597623333334923, -0.016186559572815895, -0.01294360775500536, -0.015805864706635475, -0.02656400576233864, -0.00273359683342278, -0.0017510177567601204, -0.003161878092214465, -0.003627171041443944, 0.009820504114031792, 0.0007292235386557877, 0.016214760020375252, 0.024378538131713867, 0.0008314470178447664, 0.0018294478068128228, 0.004462583921849728, 0.020374197512865067, -0.018357926979660988, -0.009052065201103687, 0.02388504520058632, 0.013303152285516262, 0.0028005708009004593, 0.008593822829425335, 0.00018131449178326875, 0.00042563743772916496, 0.026408907026052475, -0.024575935676693916, 0.009693605825304985, 0.00025974458549171686, 0.019838405773043633, 0.03324730694293976, 0.02633840963244438, 0.009052065201103687, 0.005773864220827818, -0.01717354543507099, -0.01576356589794159, -0.013923543505370617, 0.010955537669360638, 0.017695236951112747, -0.0058020637370646, 0.03211932256817818, -0.015932762995362282, -0.007007596082985401, -0.011618227697908878, 0.001129745738580823, -0.020797191187739372, 0.008544472977519035, -0.002358190016821027, -0.015255973674356937, -0.029383962973952293, -0.013394800946116447, -0.009397510439157486, -0.002047994639724493, -0.026028214022517204, -0.022757062688469887, 0.005590566899627447, -0.024011943489313126, 0.012760310433804989, -0.0032658639829605818, -0.023927344009280205, -0.020783090963959694, -0.013881243765354156, 0.010638291947543621, 0.030483746901154518, 0.014268987812101841, -0.002913369331508875, 0.005745664704591036, 0.0006446248153224587, -0.021727778017520905, -0.00348617322742939, -0.002828770549967885, -0.011970722116529942, 0.027945784851908684, 0.025069428607821465, 0.0009156051673926413, 0.026719102635979652, 0.005735090002417564, -0.0035725345369428396, 0.01834382675588131, 0.0017386804101988673, 0.0033099257852882147, -0.005883137695491314, 0.0030085428152233362, -0.00959490705281496, 0.0017113620415329933, 0.043878547847270966, -0.0009534983546473086, 0.02198157273232937, 0.0030596544966101646, 0.005382595118135214, 0.008889918215572834, 0.012992956675589085, -0.00798048172146082, -0.0011403205571696162, -0.051154039800167084, 0.0005697196465916932, -0.005093549378216267, -0.017046647146344185, 0.0019158089999109507, -0.045034732669591904, -0.027001099660992622, 0.009919202886521816, -0.005329720675945282, 0.024688733741641045, -0.011188183911144733, 0.02006400190293789, -0.005787963978946209, -0.00413476349785924, 0.031216936185956, 0.02788938581943512, -0.03978960961103439, 0.018879620358347893, -0.025830816477537155, -0.0012874871026724577, 0.02140348218381405, 0.0023229403886944056, 0.023631248623132706, 0.000628321897238493, 0.005097074434161186, -0.004681130405515432, 0.012154019437730312, 0.003459736006334424, -0.005090024322271347, -0.0009297049255110323, -0.00782538391649723, -0.005858462769538164, -0.01902061700820923, -0.013549898751080036, 0.005090024322271347, -0.017244044691324234, -0.004402659833431244, -0.004078364465385675, 0.011843823827803135, -0.029440362006425858, -0.012661611661314964, 0.01938721165060997, 0.011336231604218483, 0.036349259316921234, -0.007599787320941687, 0.020078102126717567, 0.0384078286588192, -0.015143174678087234, -0.026507606729865074, 0.03482648357748985, -0.004170013125985861, 0.0018735097255557775, 0.02464643307030201, 0.03192192688584328, -0.05053364858031273, -0.04041000083088875, -0.0030772793106734753, -0.0071485936641693115, 0.01546747051179409, -0.040353599935770035, 0.013683847151696682, 0.01958460919559002, 0.009609007276594639, -0.018837319687008858, -0.004021965432912111, -0.016553154215216637, 0.037872038781642914, 0.0004417200107127428, 0.012584063224494457, -0.0012575250584632158, -0.009397510439157486, -0.0025256250519305468, 0.029073767364025116, -0.0010618905071169138, 0.04791108891367912, 0.007649136241525412, -0.009820504114031792, 0.005164048168808222, -0.0066128019243478775, -0.013373651541769505, 0.006359005346894264, -0.02071259170770645, 0.04466813802719116, -0.0039972905069589615, -0.008678421378135681, 0.026282010599970818, 0.011766275390982628, 0.008558573201298714, 0.001433772500604391, 0.0058866627514362335, 0.032034724950790405, -0.02663450501859188, -0.0139023931697011, -0.008692520670592785, 8.872953912941739e-05, 0.0272125955671072, 0.006087584421038628, -0.005809113848954439, -0.020317798480391502, -0.018851419910788536, -0.010377446189522743, 0.014367686584591866, -0.0005498918471857905, 0.024604134261608124, 0.015890464186668396, -0.009735905565321445, -0.018259229138493538, -0.03516487777233124, 0.007381240371614695, 0.0028270080219954252, -0.043991345912218094, -0.015594368800520897, -0.003835143055766821, -0.016680052503943443, -0.006334330886602402, -0.002663098042830825, -0.025280924513936043, 0.021332982927560806, 0.01574946567416191, -0.008882868103682995, 0.014480484649538994, 0.035954464226961136, 0.012154019437730312, -0.052282024174928665, -0.010384495370090008, -0.005579992197453976, -0.01834382675588131, 0.03248591721057892, -0.017145344987511635, -0.029186567291617393, -0.0041876379400491714, -0.004875002428889275, 0.01834382675588131, 0.0258026160299778, -0.0065987021662294865, -0.0035319975577294827, -0.00200393283739686, 0.0033610376995056868, -0.013056405819952488, -0.02453363500535488, 0.042271170765161514, -0.016962047666311264, 0.018668122589588165, 0.012739161029458046, -0.020176799967885017, 0.024801531806588173, -0.01605966128408909, 0.0006265594274736941, 0.0009922727476805449, -0.046557508409023285, -0.010532543994486332, -0.0009940352756530046, 0.0020832440350204706, 0.007360090501606464, -0.004726954735815525, -0.010363345965743065, 0.004279286600649357, -0.017906734719872475, 0.011096535250544548, 0.0030155926942825317, -0.013246753253042698, 0.014508684165775776, 0.005072399508208036, -0.01813233084976673, -0.0008574434905312955, -0.018075931817293167, -0.0047234296798706055, 0.020486995577812195, 0.009630156680941582, -0.04729069769382477, -0.008946317248046398, 0.028904570266604424, 0.046557508409023285, 0.020768990740180016, -0.02539372257888317, -0.022587863728404045, -0.014409986324608326, -0.04802388697862625, -0.016962047666311264, -0.018357926979660988, 0.0016329319914802909, -0.004180587828159332, 0.01380369532853365, -0.005995935760438442, 0.025097627192735672, -0.010722890496253967, 0.0020250824745744467, 0.013007056899368763, -0.014508684165775776, -0.0024075391702353954, 0.015453370288014412, 0.0056822155602276325, 0.016369856894016266, -0.0390000194311142, -0.004571856930851936, -0.004399134777486324, 0.0026278484147042036, -0.01146312989294529, 0.009700655937194824, -0.01968330703675747, -0.015199574641883373, -0.008008681237697601, 0.0024604133795946836, -0.007018170785158873, 0.00029653622186742723, -0.00597126130014658, -0.03045554831624031, -0.0024304513353854418, 0.006418929900974035, -0.005097074434161186, -0.009439810179173946, 0.0009094364941120148, -0.007063995115458965, -0.0031883150804787874, -0.004973701201379299, -0.01567896641790867, -0.021798275411128998, 0.020895889028906822, -0.007039320655167103, 0.029271164909005165, 0.004882052540779114, 0.011293931864202023, 0.05425599589943886, -0.010137749835848808, 0.004416759591549635, -0.002680722624063492, -0.00497017614543438, -0.04554232209920883, -0.004342735279351473, 0.014579183422029018, -0.018780920654535294, 0.003595446702092886, -0.002271828707307577, 0.007536338176578283, 0.0012328504817560315, -0.012076471000909805, 0.010010851547122002, -0.02264426462352276, -0.008586772717535496, 0.014593283645808697, 0.00599241117015481, -0.022305868566036224, -0.0077971844002604485, -0.01576356589794159, 0.0016796375857666135, 0.0038950671441853046, 0.0068031488917768, -0.0005494512151926756, -0.015354671515524387, 0.007402390241622925, 0.006764374673366547, -0.009157814085483551, -0.018357926979660988, 0.01765293814241886, 0.01975380629301071, 0.007733735255897045, 0.017145344987511635, 0.19311073422431946, -0.0071344939060509205, 0.03389589488506317, 0.004452008754014969, 0.009030915796756744, 0.0016188322333618999, 0.04596531763672829, 0.002858732594177127, 0.015044476836919785, -0.0023352778516709805, -0.01213287003338337, 0.021699577569961548, -0.010278747417032719, -0.002749459119513631, 0.030765743926167488, -0.02570391818881035, -0.0550173819065094, -0.03931021690368652, -0.0342060923576355, 0.009764105081558228, -0.015312372706830502, 0.00021986861247569323, -0.01834382675588131, -0.026578105986118317, 0.014149139635264874, -0.03358570113778114, -0.03465728461742401, -0.009489159099757671, 0.01279556006193161, -0.0021555055864155293, -0.023617148399353027, -0.015114975161850452, 0.024505436420440674, -0.008896968327462673, -0.0019968829583376646, -0.017709337174892426, 0.024096542969346046, 0.009524408727884293, 0.013204453513026237, 0.023715848103165627, -0.01976790651679039, -0.038069434463977814, 0.008748919703066349, 0.0037293946370482445, 0.013444150798022747, 0.007233192678540945, -0.012245668098330498, 0.016299357637763023, 0.004004340618848801, -0.005118223838508129, -0.03172452747821808, -0.01965510845184326, 0.0380130372941494, 0.02656400576233864, -0.015834065154194832, -0.004836228210479021, -0.009869853034615517, 0.02539372257888317, -0.0027512216474860907, 0.0018664597300812602, -0.029073767364025116, 0.0069758715108036995, 0.021445780992507935, 0.004392084665596485, -0.01494577806442976, 0.022517366334795952, -0.01768113672733307, 0.0031865527853369713, 0.014579183422029018, -0.0026877725031226873, 0.01834382675588131, -0.011829724535346031, -0.010328096337616444, 0.0071203941479325294, -0.04974406212568283, -0.021149685606360435, 0.03668765351176262, 0.01309165544807911, -0.006066435016691685, 0.03897182270884514, -0.011279832571744919, 0.02464643307030201, 8.234057168010622e-05, 0.0055588423274457455, -0.024406736716628075, -0.05366380140185356, -0.0030737542547285557, -0.0023758148308843374, -0.017540140077471733, -0.037195246666669846, -0.018498925492167473, 0.022982658818364143, -0.010581892915070057, -0.010560743510723114, 0.01785033568739891, 0.006958246696740389, 0.015918662771582603, -0.0054143196903169155, -0.01768113672733307, 0.021614978089928627, -0.016665952280163765, 0.038548827171325684, 0.00959490705281496, 0.006218007765710354, -0.018090032041072845, -0.007804234046489, -0.0051005990244448185, 0.011470180004835129, 0.021121487021446228, 0.0010345721384510398, -0.0013209740864112973, -0.030709343031048775, -0.0033821873366832733, -0.019796105101704597, 0.011449029669165611, 0.01957050897181034, 0.010321047157049179, -0.02188287489116192, -0.003933841362595558, -0.009587857872247696, 0.015255973674356937, -0.02044469676911831, 0.005837313365191221, 0.026479406282305717, -0.004843277856707573, 0.022785261273384094, -0.025901315733790398, -0.001968683209270239, -0.015298272483050823, -0.036997850984334946, 0.02873537316918373, -0.009101415053009987, 0.014184389263391495, 0.0015448082704097033, 0.008840568363666534, -0.006348430644720793, -0.015368771739304066, -0.00844577420502901, -0.010433845221996307, -0.013563998974859715, 0.007081619929522276, -0.01508677564561367, 0.006559927482157946, 0.015594368800520897, -0.005474243778735399, -0.001380017027258873, 0.013789595104753971, 0.0189078189432621, 0.007430589757859707, -0.02759329043328762, -0.0020268450025469065, -0.027931684628129005, 0.006052335258573294, -0.007853583432734013, 0.030822142958641052, -0.004691705107688904, -0.009334061294794083, -0.045796118676662445, -0.0009094364941120148, 0.012189269065856934, -0.03541867434978485, 0.007268441841006279, 0.04258136823773384, -0.014240788295865059, -0.001755423960275948, -0.004642356187105179, -0.1820565015077591, 0.016003262251615524, 0.018936019390821457, -0.027424093335866928, 0.014388835988938808, 0.0326269157230854, 0.006172183435410261, -0.001703430898487568, 0.006799623835831881, -0.00446610851213336, 0.007430589757859707, 0.006810199003666639, 0.005911337211728096, -0.013669746927917004, 0.0062990812584757805, 0.00826247688382864, 0.01179447490721941, 0.004416759591549635, 0.012337316758930683, 0.005315620917826891, -0.004085414111614227, -0.025478322058916092, 0.013831894844770432, 0.012710961513221264, -0.01567896641790867, 0.02082539163529873, -0.021375281736254692, 0.004783353768289089, -0.033670298755168915, -0.011914323084056377, 0.009404560551047325, -0.016919748857617378, 0.01603146269917488, -0.0016523192171007395, 0.0029063194524496794, 0.023180056363344193, -0.01346530020236969, -0.006066435016691685, -0.012097620405256748, 0.05168983340263367, 0.020289598032832146, 0.02148808166384697, 0.013514649122953415, -0.0002208600053563714, -0.019175715744495392, -0.006947671994566917, 0.0116534773260355, -0.006281456910073757, -0.0008979804115369916, -0.022714762017130852, -0.008819418959319592, -0.018118230625987053, 0.03750544413924217, 0.0003322263073641807, 0.008988616056740284, 0.020938189700245857, 0.020881790667772293, 0.008995666168630123, 0.01641215570271015, -0.01178742479532957, -0.03135793283581734, -0.008206077851355076, 0.01776573620736599, -0.006425979547202587, 0.002021557418629527, -0.030117152258753777, -0.03493928164243698, -0.009277662262320518, -0.024575935676693916, -0.005347345490008593, -0.008290677331387997, -0.013549898751080036, 0.019612809643149376, -0.002199567388743162, 0.013162154704332352, -0.0010407407535240054, -0.0017474928172305226, -0.0036553707905113697, -0.014353587292134762, 0.007599787320941687, -0.0149034783244133, 0.038830824196338654, 0.004624731373041868, -0.006443604361265898, 0.010913237929344177, -0.023645348846912384, -0.01316920481622219, -0.01476248074322939, 0.008607922121882439, 0.004645880777388811, 0.008375275880098343, -0.006066435016691685, -0.005044199991971254, -0.020176799967885017, 0.026676803827285767, -0.0146073829382658, 0.006574027240276337, -0.005816163495182991, 0.014790680259466171, -0.0038104683626443148, -0.006383680272847414, -0.00500895082950592, -0.03144253417849541, -0.00863612163811922, 0.052479419857263565, 0.019824305549263954, -0.006200382951647043, -0.009143713861703873, 0.014522784389555454, -0.012069420889019966, -0.008227228187024593, 0.024195240810513496, 0.019175715744495392, 0.0004965770058333874, -0.012682761996984482, 0.02549242228269577, 0.0007812165422365069, -0.03572886809706688, 0.020980488508939743, -0.012231568805873394, 0.05315621197223663, 0.00713801896199584, -0.03200652450323105, -0.016835149377584457, 0.009101415053009987, 0.0048186033964157104, -0.08899787813425064, -0.0027142097242176533, 0.01710304617881775, 0.01613016054034233, -0.03733624517917633, 0.012626362033188343, -0.003888017265126109, 0.008093279786407948, -0.015453370288014412, 0.03265511617064476, -0.0008354125893674791, -0.01508677564561367, -0.0053191459737718105, -0.0017536614323034883, 0.0018100605811923742, -0.012633412145078182, 0.014494584873318672, -0.026606304571032524, -0.0032270895317196846, 0.015509769320487976, 0.01212581992149353, -0.008029830642044544, -0.009891003370285034, 0.0003692382597364485, -0.0006626901449635625, 0.008255427703261375, -0.0378156378865242, 0.017399141564965248, 0.022940360009670258, 0.014776580967009068, -0.0007878257893025875, -0.04218657314777374, 0.0086008720099926, -0.031950127333402634, -0.006288506556302309, 0.005960686597973108, -0.026620404794812202, 0.006355480756610632, 0.038154032081365585, -0.03505207970738411, 0.009341111406683922, 0.004370935261249542, 0.03417789191007614, -0.013373651541769505, -0.015509769320487976, -0.0014143852749839425, -0.025830816477537155, 0.031668130308389664, -0.013260853476822376, -0.01717354543507099, -0.0018453100929036736, -0.017300443723797798, -0.017159445211291313, 0.00038664269959554076, 0.026380708441138268, -0.011907272972166538, -0.003539047436788678, 0.012443065643310547, -0.014691981486976147, 0.0020021703094244003, -0.011258683167397976, -0.006069960072636604, -0.022319968789815903, 0.023264653980731964, 0.021925173699855804, 0.0106523921713233, -0.02385684661567211, -0.02568981796503067, 0.00582321360707283, -0.004607106558978558, -0.012513563968241215, 0.023800445720553398, -0.020092202350497246, 0.011829724535346031, -0.036151863634586334, -0.02198157273232937, -0.03161172941327095, -0.03085034154355526, 0.00911551434546709, -0.00782538391649723, -0.007656186353415251, -0.02884817123413086, -0.00897451676428318, -0.003951466176658869, -0.0036588956136256456, -0.010511393658816814, -0.019612809643149376, 0.013387750834226608, 0.017793936654925346, -0.03998700529336929, 0.029355764389038086, 0.017258143052458763, -0.0022348167840391397, -0.012224518693983555, 0.007402390241622925, 0.03008895367383957, -0.0032288520596921444, -0.004575381986796856, 0.011061285622417927, -0.005650490988045931, -0.041227787733078, 0.0023440902587026358, -0.08645991235971451, 0.018893718719482422, 0.0016937373438850045, -0.012161069549620152, -0.0036007340531796217, -0.01566486805677414, 0.018696323037147522, 0.005407269578427076, -0.006528202909976244, 0.0018038919661194086, -0.031752727925777435, 0.009820504114031792, -0.007564537692815065, -0.005583517253398895, 0.00431806081905961, -0.006020610686391592, 0.02874947339296341, -0.009221263229846954, 0.015411071479320526, 0.02405424229800701, 0.009355210699141026, 0.009771155193448067, 0.014346537180244923, 0.02532322332262993, -0.01679285056889057, -0.008995666168630123, -0.0073671406134963036, 0.0006816367385908961, -0.009693605825304985, 0.01078633964061737, 0.02043059654533863, -0.047403495758771896, 0.0031495406292378902, 0.014494584873318672, -0.0007516950718127191, -0.017131244763731956, -0.005784438923001289, -0.0054143196903169155, 0.00979230459779501, 0.04145338386297226, -0.0544251911342144, -0.017892634496092796, -0.007924082688987255, -0.007522238418459892, -0.002132593421265483, 0.023842746391892433, 0.036997850984334946, 0.013958793133497238, -9.908407810144126e-05, -0.009517358615994453, 0.044752735644578934, 0.014388835988938808, -0.006383680272847414, -0.05465078726410866, -0.010370396077632904, 0.013627447187900543, 0.00994035229086876, -0.013296102173626423, 0.0003599852789193392, -0.015777666121721268, 0.036039065569639206, 0.00125223770737648, 0.032232120633125305, 0.013359551317989826, 0.009073215536773205, -0.0049278768710792065, -0.0011694013373926282, -0.00038113497430458665, -0.014247838407754898, -0.03276791423559189, -0.0169056486338377, 0.006915947422385216, 0.004949026275426149, 0.015495670028030872, 0.01474838051944971, -0.009023865684866905, -0.01776573620736599, 0.005735090002417564, -0.03240131959319115, 0.012520614080131054, 0.04593711718916893, -0.002939806319773197, -0.02140348218381405, 0.01380369532853365, 0.01480478048324585, -0.012161069549620152, -0.016553154215216637, 0.02443493716418743, 0.008939267136156559, 0.013408901169896126, -0.01208352018147707, 0.01197777222841978, 0.008354125544428825, -0.002596123842522502, -0.01097668707370758, 0.02701519802212715, -0.023941444233059883, 0.014776580967009068, 0.036518458276987076, 0.03056834638118744, 0.005664590746164322, 0.0028798822313547134, 0.0012213943991810083, -0.02368764765560627, -0.032711513340473175, 0.0029010318685323, -0.02828417904675007, 0.007106294389814138, -0.00482565350830555, -0.011068335734307766, 0.02893277071416378, 0.0029785807710140944, -0.005713940132409334, 0.01624295860528946, -0.027734288945794106, -0.008854668587446213, 0.014677882194519043, -0.0256052203476429, -0.025351423770189285, 0.03674405440688133, -0.014663781970739365, 0.006277931854128838, 0.028143182396888733, 0.0063026063144207, 0.03217572346329689, 0.02347615174949169, 0.02282756008207798, -0.003472073469310999, 0.01542517077177763, -0.04317355901002884, -0.002047994639724493, -0.00983460433781147, -0.01766703836619854, 0.0028058583848178387, -0.022517366334795952, -0.006425979547202587, 0.0027247844263911247, -0.017229944467544556, -0.012358466163277626, 0.08555752784013748, 0.02845337800681591, 0.004370935261249542, 0.002872832352295518, -0.037392646074295044, -0.004476683679968119, 0.04610631614923477, -0.013888293877243996, -0.026324309408664703, -0.0460217148065567, -0.010250547900795937, -0.003445636248216033, 0.009883953258395195, -0.026479406282305717, -0.0017659987788647413, -0.013747296296060085, -0.010567792691290379, 0.03378309682011604, -0.007183843292295933, 0.006743224803358316, 0.018287427723407745, 0.021530380472540855, 0.020656192675232887, 0.010194148868322372, -0.015989162027835846, -0.013119854964315891, 0.017229944467544556, -0.012048271484673023, 0.03601086512207985, -0.03172452747821808, 0.0009605482337065041, 0.010624192655086517, -0.025957714766263962, -0.01576356589794159, -0.014550983905792236, -0.009002716280519962, -0.005770339164882898, -0.0002341887156944722, 0.024942530319094658, 0.008727770298719406, 0.012189269065856934, 0.019232114776968956, 0.020275499671697617, 0.00015608908142894506, -0.013204453513026237, -0.016172459349036217, -0.017808035016059875, -0.0018770346650853753, -0.02233406901359558], metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='3f6962ed-6349-4fe4-bd5a-dee09f6d4b9e', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='b96b4def9ce374e601c1ad43943a4730ed91e855fd9667b91adddb9a7736afbd'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='b7cce664-4af1-4e43-a356-b27db7e2a717', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='36c04cc6d883a81c5da2c5dfc2d77828bc0601479f6700ea1e290536b85e5062'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='95ce35d0-ceea-4787-a8e9-09c833da2bca', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='2837a61fa167ae56612a9f1bfccac2dedb3d80a3ef623ff14e7f4f45436361c5')}, hash='f36581a80c6a9f71d00085e80159b66690ef6107ee81e986d3bc519e6666caa9', text=\"Y. M alkov is with the Federal state budgetary institution of science Institute of Applied Physics of the Russian Academy of Sciences, 46 Ul'yanov Street, 603950 Nizhny Novgorod, Russia . E-mail: yurymalkov@mail.ru . D. Y ashunin . Addres: 31-33 ul. Krasnozvezdnaya, 603104 Nizhny Novgorod, Russia. E-mail: yashuninda@yandex.ru C This work has been submitted to the IEEE for possible publication. Copyright may be transferred without notice, after which this version may no longer be accessible. \", start_char_idx=4688, end_char_idx=5184, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
426
       " TextNode(id_='95ce35d0-ceea-4787-a8e9-09c833da2bca', embedding=[-0.0073677534237504005, 0.020111417397856712, 0.006706102751195431, -0.012695417739450932, 0.012461083009839058, 0.009655960835516453, -0.014349544420838356, -0.0017730164108797908, -0.033716604113578796, -0.05304231122136116, 0.015107684768736362, 0.010110845789313316, 0.0007887252140790224, 0.01847107522189617, -0.002227901015430689, 0.0074022142216563225, 0.019187862053513527, -0.008442935533821583, 0.014280621893703938, -0.0009752452024258673, -0.03699728846549988, 0.005248404107987881, -0.015493648126721382, -0.03622536361217499, 0.0015283436514437199, 0.03437825292348862, 0.03126298263669014, -0.022523684427142143, -0.0016429262468591332, -0.014611447229981422, 0.010448562912642956, -0.018884606659412384, -0.011854570358991623, 0.01281947735697031, -0.005096775945276022, -0.002257192973047495, 0.017768071964383125, -0.02144850231707096, 0.03363389894366264, -0.0006569120450876653, 0.002167594386264682, -0.010014355182647705, -0.0011251503601670265, -0.008353336714208126, -0.002236516447737813, -0.005548214539885521, 0.015176607295870781, -0.02587328851222992, -0.01508011668920517, 0.03617022559046745, 0.018181603401899338, 0.025128932669758797, -0.018677840009331703, -0.004634999204427004, -0.0056895045563578606, -0.001855722744949162, 0.008050080388784409, 0.024494851008057594, -0.0015817581443116069, -0.025459757074713707, 0.004890010226517916, -0.009559470228850842, -0.016541261225938797, 0.013253685086965561, -0.016582613810896873, -0.04104989767074585, -0.01949111931025982, 0.00974555965512991, 0.0007051574066281319, -0.008560102432966232, 0.0005836825002916157, 0.031731653958559036, -0.022537468001246452, -0.0001704740570858121, 0.038899533450603485, -0.021848248317837715, -0.0012931475648656487, -0.0006495891138911247, -0.011682265438139439, 0.018002405762672424, -0.004193898756057024, -0.04201480373740196, 0.015521216206252575, 0.011537529528141022, -0.0052449582144618034, 0.01575555093586445, 0.013777491636574268, 0.02133822627365589, -0.03228302672505379, -0.00934581272304058, 0.03605994954705238, 0.031759221106767654, 0.033716604113578796, -0.00990408007055521, -0.00723680155351758, 0.012722986750304699, -0.023571297526359558, 0.006644073408097029, 0.015783119946718216, -0.025790583342313766, -0.0199322197586298, 0.0032152077183127403, 0.0011389347491785884, -0.006588935852050781, -0.00684739276766777, 0.0017644012114033103, -0.015700412914156914, 0.0063614933751523495, -0.004890010226517916, 0.01869162544608116, -0.004404110834002495, 0.012226749211549759, -0.0007210955955088139, -0.0022864846978336573, -0.011323872022330761, -0.022937215864658356, 0.023378316313028336, -0.02377806231379509, -0.007491813041269779, -0.01870540902018547, 0.020414672791957855, 0.003587386105209589, 0.015907179564237595, -0.022606389597058296, 0.011468607932329178, 0.022923430427908897, -0.005803225561976433, -0.028588812798261642, -0.0006814654916524887, -0.030877020210027695, 0.03134569153189659, 0.02289586141705513, 0.016100160777568817, 0.013453559018671513, -0.02246854640543461, 0.019973572343587875, 0.012950428761541843, -0.025790583342313766, -0.033744171261787415, -0.03730054199695587, 0.009325135499238968, 0.03344091773033142, -0.01255757361650467, -0.018071327358484268, -0.011792540550231934, 0.024674048647284508, 0.003914765082299709, 0.01859513483941555, 0.013019351288676262, -0.021641483530402184, 0.004049162846058607, 0.005837686825543642, 0.0021124568302184343, 0.018898390233516693, 0.021269304677844048, 0.010165983811020851, -0.004690136760473251, 0.025831935927271843, -0.012778123840689659, -0.04201480373740196, -0.024177810177206993, 0.017657795920968056, 0.00847050454467535, -0.0030704715754836798, 0.01717534288764, 0.02257882058620453, 0.007085173390805721, 0.0054758465848863125, -0.01672045886516571, -0.02707253023982048, -0.007822638377547264, 0.027375787496566772, -0.03355119004845619, 0.0013362237950786948, 0.003856181399896741, -0.013729246333241463, 0.04921025037765503, 0.014142777770757675, -0.03401986137032509, -0.019959788769483566, -0.0037562446668744087, 0.0010338288266211748, 0.0025001426693052053, 0.016472339630126953, -0.007608979940414429, 0.005403478629887104, 0.027554983273148537, 0.0015050824731588364, 0.016430985182523727, -0.02905748225748539, 0.0169410090893507, 0.010896556079387665, 0.007071388885378838, 0.012392161414027214, -0.6334200501441956, -0.015121469274163246, 0.015190391801297665, -0.02761012129485607, -0.0024122672621160746, 0.00886335875838995, 0.014542525634169579, 0.027003608644008636, 0.016486123204231262, 0.027803102508187294, -0.029250463470816612, 0.009456087835133076, 0.0005871286266483366, -0.0003659323265310377, -0.00902187917381525, -0.01903623528778553, 0.008711731061339378, -0.020869556814432144, 0.0200149267911911, 0.00020191969815641642, -0.011241164989769459, 0.029360737651586533, -0.0008645393536426127, -0.008415366522967815, -0.002401928883045912, 0.01703749969601631, 0.024563772603869438, -0.03972659632563591, 0.0066854264587163925, 0.022096367552876472, -0.029140187427401543, 0.023047490045428276, 0.011634020134806633, 0.021724188700318336, 0.05384180322289467, -0.013019351288676262, -0.008952957578003407, 0.013660324737429619, 0.031538672745227814, 0.027582552284002304, -0.03501233458518982, -0.026920901611447334, 0.004383434075862169, 0.008615240454673767, -0.012357700616121292, 0.0169410090893507, 0.012895291671156883, 0.01144103892147541, -0.01618286781013012, -0.02609383873641491, -0.001009706174954772, -0.0022640852257609367, -0.021103892475366592, 0.008560102432966232, 0.005224281456321478, -0.008959849365055561, 0.027458492666482925, -0.016458554193377495, 0.006013437639921904, 0.014404681511223316, 0.01706506684422493, -0.00787088368088007, -0.01002124696969986, -0.010083276778459549, -0.01309516467154026, 0.028974775224924088, -0.018581349402666092, 0.014763075858354568, -0.017216695472598076, -0.017464814707636833, 0.027761749923229218, 0.0230061374604702, 0.0031893618870526552, 0.0008934003999456763, 0.011730510741472244, 0.03137325868010521, 0.024618910625576973, 0.012619603425264359, -0.022950999438762665, -0.014211700297892094, 0.004314512480050325, 0.015893394127488136, -0.01991843432188034, -0.0003879011783283204, 0.02839583158493042, 0.0008218939183279872, -0.04328296706080437, 0.0043593114241957664, -0.0078019616194069386, -0.006709549110382795, -0.00802940409630537, -0.004679798614233732, -0.0315111018717289, -0.04700475186109543, 0.0021710405126214027, 0.013115841895341873, 0.011379009112715721, 0.006492444779723883, 0.02081442065536976, -0.040333107113838196, -0.01750616729259491, -0.019229216501116753, 0.012550681829452515, -0.02652115561068058, -0.005641259253025055, 0.010710466653108597, 0.002040088875219226, 0.00508988369256258, 0.017230480909347534, -0.017685364931821823, 0.01221985649317503, -9.783681889530271e-05, -0.006199526600539684, 0.015231744386255741, -0.006492444779723883, -0.030408350750803947, 0.04008498787879944, 0.007243693806231022, -0.02147607132792473, -0.0038665197789669037, 0.028037438169121742, 0.009166615083813667, 0.006402846425771713, -0.011634020134806633, 0.011461715213954449, 2.2103475203039125e-05, 0.00809143390506506, -0.02365400269627571, -0.035039905458688736, -0.0024622357450425625, 0.023516159504652023, -0.006247772369533777, 0.008229277096688747, -0.010221120901405811, 0.015893394127488136, -0.017023714259266853, 0.005624028854072094, 0.006037560291588306, 0.0012362869456410408, -0.010510592721402645, -0.030877020210027695, 0.012130257673561573, 0.005000285338610411, -0.03200734034180641, -0.0030273953452706337, -0.00674056401476264, -0.02562517113983631, 0.010551946237683296, -0.009973001666367054, -0.015273097902536392, -0.015286882407963276, -0.006223649252206087, -0.03222788870334625, 0.016224220395088196, 0.0099661098793149, -0.011889031156897545, -0.0015826196176931262, -0.013288146816194057, -0.006202972959727049, -0.023612650111317635, -0.008780652657151222, 0.03407499939203262, -0.016444770619273186, -0.014487387612462044, -0.0050071775913238525, -0.01649990864098072, 0.005358679220080376, 0.014969841577112675, 0.02344723790884018, -0.03553614392876625, 0.003089425154030323, -0.013908443972468376, -0.01971166953444481, 0.020428458228707314, -0.014776859432458878, 0.0044351257383823395, 0.005427601281553507, -0.002598356455564499, 0.005634367000311613, -0.012826369144022465, 0.0008352475124411285, 0.012006198987364769, 0.0015593584394082427, -0.013033134862780571, 0.027541199699044228, -0.013274362310767174, 0.008877143263816833, 0.001631726510822773, -0.012371485121548176, 0.00814657099545002, 0.005527538247406483, 0.027100099250674248, -0.01078628096729517, 0.008904712274670601, -0.015093901194632053, 0.013853305950760841, -0.0035667093470692635, -0.004669460002332926, -0.016210434958338737, 0.019435981288552284, 0.013880874961614609, 0.0007426337106153369, -0.0013000397011637688, -0.027692828327417374, 0.021159030497074127, -0.034185271710157394, 0.008360229432582855, -0.016803164035081863, 0.007857099175453186, 0.0061754039488732815, 0.01826430857181549, -0.01248176023364067, -0.01716155745089054, -0.025377051904797554, 0.005324218422174454, 0.027596337720751762, -0.014818212948739529, 0.012144042178988457, -0.019670316949486732, 0.014487387612462044, 0.006930099334567785, -0.004087070003151894, 0.029801838099956512, 0.0024553434923291206, -0.00022550391440745443, 0.004445463884621859, 0.017078852280974388, 0.026548724621534348, 0.0009175230516120791, -0.0061409431509673595, -0.0019401520257815719, -0.010800065472722054, 0.017974836751818657, 0.015273097902536392, 0.02223421260714531, 0.0009132154518738389, 0.03644591197371483, -0.015093901194632053, 0.009511224925518036, -0.005444831680506468, 0.012240532785654068, 0.01084831077605486, 0.013467343524098396, -0.024191593751311302, 0.0035081258974969387, 0.002193440217524767, 0.03476421535015106, 0.007278155069798231, -0.003210038412362337, 0.02266152761876583, -0.0071196346543729305, 0.03200734034180641, 0.007705471012741327, 0.013350175693631172, 0.018664056435227394, -0.014004934579133987, 0.01763022691011429, 0.017202911898493767, 0.024177810177206993, 0.034488528966903687, 0.010800065472722054, -0.01825052499771118, 0.023075059056282043, -0.017892131581902504, 0.005331110674887896, -0.049127545207738876, 0.013329499401152134, 0.015659060329198837, 0.010669113136827946, -0.007360861171036959, 0.004996839445084333, -0.005717073567211628, 0.004641891457140446, -0.030077526345849037, 0.015934748575091362, 0.005420709028840065, 0.016651535406708717, -0.02199987694621086, 0.020207908004522324, 0.016706673428416252, -0.041132602840662, -0.006785362958908081, 0.008215492591261864, 0.02421916276216507, 0.0003635631292127073, -0.011895923875272274, 0.003106655552983284, 0.01391533575952053, -0.03178678825497627, -0.008911604061722755, 0.0053655714727938175, -0.0013655155198648572, 0.008105217479169369, -0.023295609280467033, -0.005630921106785536, -0.009635284543037415, 0.025142716243863106, 0.007815745659172535, 0.008374013006687164, 0.004989947192370892, 0.02223421260714531, 0.007054158486425877, -0.010751819238066673, -0.007347076665610075, 0.04416516795754433, -0.012240532785654068, -0.0023657449055463076, -0.022192858159542084, 0.010820741765201092, -0.003594278125092387, 0.003690768964588642, 0.0017626781482249498, 0.010531269945204258, 0.010276257991790771, 0.01077938824892044, -0.00870483834296465, -0.0116615891456604, 0.014363327994942665, 0.037024855613708496, -0.002036642748862505, -0.0072919391095638275, -0.02278558723628521, -0.006265002768486738, 0.024274300783872604, 0.034736648201942444, 0.027913378551602364, -0.0026569401379674673, 0.012736771255731583, -0.0031014864798635244, -0.01469415333122015, -0.025583816692233086, -0.0024501741863787174, 0.009780020453035831, 0.006103035993874073, -0.013177871704101562, -0.0315111018717289, 0.019890867173671722, 0.0037596907932311296, 0.03859627619385719, 0.0038803040515631437, -0.004938255529850721, -0.02905748225748539, -0.0009261383092962205, 0.019435981288552284, -0.014487387612462044, -0.018539996817708015, 0.010820741765201092, 0.007436675485223532, -0.009118369780480862, -0.005861809477210045, 0.034929629415273666, 0.010731142945587635, 0.004745274316519499, -0.027320649474859238, -0.006744009908288717, 0.014432250522077084, 0.02100740186870098, 0.008822006173431873, -0.012853938154876232, 0.02993968315422535, 0.01914650946855545, 0.03283440321683884, 0.01575555093586445, -0.016596399247646332, 0.024081319570541382, 0.0028171835001558065, 0.00824995432049036, 0.0043593114241957664, -0.005355233326554298, -0.008015619590878487, 0.013143409974873066, 0.01640341803431511, -0.022744234651327133, -0.0208006352186203, 0.006306355819106102, -0.015934748575091362, -0.015107684768736362, -0.016458554193377495, -0.011751187965273857, -0.009008094668388367, -0.006323586218059063, -0.002289930824190378, 0.0011854569893330336, -0.030518626794219017, 0.0030118878930807114, -0.001648956909775734, 0.017905915156006813, -0.0009666299447417259, 0.0012449021451175213, -0.03435068577528, -0.03377174213528633, -0.009063232690095901, -0.009766235947608948, 0.002507034922018647, 0.02661764621734619, -0.004690136760473251, -0.02233070321381092, -0.010758711956441402, 0.003237607190385461, 0.016430985182523727, 0.00962839275598526, -0.004087070003151894, -0.028781794011592865, 0.023268040269613266, -0.028919637203216553, -0.016679104417562485, -0.00268106278963387, -0.01144103892147541, 0.007684794254601002, -0.009931649081408978, -0.020841989666223526, -0.005541322287172079, -0.006072021089494228, -0.016017453745007515, -0.0031583469826728106, -0.009049448184669018, 0.00018328923033550382, -0.010097061283886433, 0.02321290224790573, -0.0033082521986216307, 0.01618286781013012, 0.020952263846993446, 0.013219224289059639, -0.002012520097196102, 0.009952325373888016, 0.01696857623755932, -0.005351786967366934, -0.012019983492791653, 0.02510136365890503, 0.0054930769838392735, 0.003344436176121235, 0.00607891334220767, 0.0032083154655992985, -0.012419730424880981, 0.02794094756245613, -0.013053812086582184, 0.010655328631401062, -0.0013345007319003344, 0.030628900974988937, 0.039671458303928375, 0.022813156247138977, 0.007305723614990711, 0.015562569722533226, -0.01718912646174431, -0.019187862053513527, 0.002815460553392768, 0.008008726872503757, 0.01469415333122015, -0.008187924511730671, 0.01596231758594513, -0.026052486151456833, -0.01281947735697031, -0.01717534288764, -0.006647519301623106, -0.014487387612462044, 0.016265572980046272, 0.004645337350666523, -0.009669745340943336, -0.028643950819969177, -0.013239901512861252, -0.0030308414716273546, -0.004738382063806057, -0.03575669229030609, -0.015714198350906372, 0.00787088368088007, -0.021613914519548416, 0.012626496143639088, 0.000867554685100913, -0.021283090114593506, -0.020083848387002945, -0.03178678825497627, 0.006016883533447981, 0.024508634582161903, 0.026810627430677414, -0.00531043391674757, 0.01077938824892044, -0.009559470228850842, -0.02533569745719433, -0.007422890979796648, -0.0077606081031262875, -0.01017976738512516, 0.027885809540748596, 0.0226890966296196, 0.004531616345047951, 0.025363266468048096, -0.0008865082054398954, -0.0038940885569900274, 0.021848248317837715, 0.00742978323251009, 0.004397218581289053, -0.006830162368714809, -0.009049448184669018, -0.017850777134299278, 0.004466140642762184, 0.04107746481895447, -0.017657795920968056, 0.02188960276544094, 0.009704206138849258, 0.018539996817708015, 0.009318243712186813, 0.01271609403192997, -0.015121469274163246, 0.0009330305038020015, -0.05083680897951126, 0.005331110674887896, -0.010420994833111763, -0.010448562912642956, 0.007967374287545681, -0.033082522451877594, -0.020883342251181602, 0.00723680155351758, 0.0010122907115146518, 0.0166239682585001, -0.007071388885378838, 0.027665259316563606, 0.0031221630051732063, -0.007705471012741327, 0.03027050755918026, 0.027031177654862404, -0.041435860097408295, 0.014363327994942665, -0.030766746029257774, -0.0010665666777640581, 0.028202850371599197, -0.004697029013186693, 0.02420537918806076, -0.006189188454300165, 0.00024316515191458166, -0.009090801700949669, 0.013060703873634338, -0.002612140728160739, -0.012095796875655651, -0.010806957259774208, 0.002541495952755213, -0.008539426140487194, -0.024687832221388817, -0.013625863939523697, 0.01122738141566515, -0.019105156883597374, -0.004252482671290636, -0.00946987234055996, 0.004755612462759018, -0.018098896369338036, -0.014804428443312645, 0.020993616431951523, 0.010262474417686462, 0.04038824513554573, -0.01706506684422493, 0.023750493302941322, 0.030187802389264107, -0.005789441522210836, -0.014335759915411472, 0.01674802601337433, 0.0028206296265125275, 0.004283497575670481, 0.019973572343587875, 0.02532191388309002, -0.044523559510707855, -0.043310534209012985, -0.0037424603942781687, -0.002894720761105418, -0.0006069436785764992, -0.046067412942647934, 0.015920963138341904, 0.022592606022953987, 0.0011130890343338251, -0.01763022691011429, -0.005289757624268532, -0.027582552284002304, 0.03465394303202629, 0.006595827639102936, 0.01673424243927002, 0.008980526588857174, -0.007071388885378838, 0.0021538101136684418, 0.027458492666482925, -0.00545172393321991, 0.04344837740063667, 0.007085173390805721, -0.01673424243927002, 0.006936991587281227, -0.0014189300127327442, -0.010420994833111763, 0.014942272566258907, -0.02246854640543461, 0.03597724437713623, -0.011792540550231934, -0.002494973596185446, 0.026452234014868736, 0.014707937836647034, 0.00698868278414011, 0.012461083009839058, 0.01535580400377512, 0.034488528966903687, -0.017547521740198135, -0.016872085630893707, -0.010228012688457966, 0.002655216958373785, 0.022137722000479698, 0.006409738678485155, -0.004448909778147936, -0.013033134862780571, -0.014611447229981422, -0.012805692851543427, 0.015424725599586964, 0.0040284860879182816, 0.025831935927271843, 0.01641720160841942, 0.0004049162962473929, -0.027472278103232384, -0.028423400595784187, 0.0017411400331184268, 0.005403478629887104, -0.039230357855558395, -0.029967252165079117, 0.0018901836592704058, -0.004107746295630932, 0.002510481048375368, -0.007581411395221949, -0.019546257331967354, 0.020869556814432144, 0.01913272589445114, -0.01837458461523056, 0.017078852280974388, 0.03302738443017006, 0.01122048869729042, -0.04446842521429062, -0.009111477993428707, -0.004865887574851513, -0.0208006352186203, 0.039450906217098236, -0.02497730404138565, -0.02927803248167038, -0.0016472339630126953, -0.009821373969316483, 0.019877081736922264, 0.026245467364788055, -0.004634999204427004, 0.0036666463129222393, -0.007167879957705736, 0.004772842861711979, -0.009814481250941753, -0.012791908346116543, 0.028313124552369118, -0.014142777770757675, 0.009986786171793938, 0.03027050755918026, -0.01607259176671505, 0.018760547041893005, -0.017588874325156212, 0.00021753481996711344, -0.004335188772529364, -0.04598470404744148, -0.014666585251688957, -0.00481419637799263, 0.009090801700949669, -0.0016877255402505398, -0.0026052487082779408, -0.004011255688965321, 0.013873983174562454, -0.018181603401899338, 0.01761644333600998, -0.0025638954248279333, -0.00864280853420496, 0.01672045886516571, -0.0004721151490230113, -0.026438448578119278, -0.002617310034111142, -0.014969841577112675, 0.0011182582238689065, 0.008415366522967815, 0.00930445920675993, -0.04314512386918068, -0.001845384482294321, 0.01957382634282112, 0.04251104220747948, 0.021972307935357094, -0.024081319570541382, -0.029029913246631622, -0.018360799178481102, -0.0543656125664711, -0.016155298799276352, -0.008987418375909328, 0.0027637691237032413, -0.006206418853253126, 0.010310719721019268, -0.011316979303956032, 0.023585081100463867, -0.015383373014628887, -0.011372117325663567, 0.00481419637799263, -0.016927223652601242, 0.001993566518649459, 0.021986093372106552, 0.007595195900648832, 0.008663485758006573, -0.04841075837612152, -0.00014172069495543838, -0.002129687462002039, 0.005051977001130581, -0.01718912646174431, 0.0056895045563578606, -0.016100160777568817, 0.00015216668543871492, -0.007843314670026302, -0.004304173868149519, 0.001717017381452024, 0.011248057708144188, -0.008622132241725922, -0.032090045511722565, -0.00462121469900012, 0.011709834448993206, -0.0008197401184588671, -0.019780591130256653, 0.0039009808097034693, -0.004686690866947174, -0.0009347535669803619, 0.004183560609817505, -0.010827633552253246, -0.015038763172924519, 0.02311641164124012, -0.019973572343587875, 0.013425990007817745, 0.005713627208024263, 0.011365224607288837, 0.06258110702037811, -0.014611447229981422, 0.01072425115853548, 0.0032617298420518637, -0.00886335875838995, -0.037465956062078476, -0.0010829357197508216, 0.006296017672866583, -0.012392161414027214, 0.006302909459918737, -0.001020044437609613, 0.009607715532183647, -0.0061409431509673595, -0.005789441522210836, 0.00912526249885559, -0.015686629340052605, -0.0031945309601724148, 0.01447360310703516, 0.005158805754035711, -0.026038702577352524, -0.019325707107782364, -0.012426622211933136, 0.000175966284587048, 0.0030446259770542383, 0.007891559973359108, -0.0012104412307962775, -0.018209172412753105, 0.014776859432458878, 0.008339552208781242, 0.0017833546735346317, -0.005537876393646002, 0.00984894298017025, 0.007815745659172535, -0.006737117655575275, 0.013887766748666763, 0.18834982812404633, -0.011461715213954449, 0.02927803248167038, 0.0009338920353911817, 0.0033513284288346767, -0.007002467289566994, 0.044633835554122925, -0.0026862318627536297, 0.012957321479916573, -0.012530005536973476, -0.008946065790951252, 0.014115209691226482, -0.026011133566498756, -0.0031876389402896166, 0.031759221106767654, -0.027017392218112946, -0.05193955823779106, -0.03870655223727226, -0.029360737651586533, 0.006833608262240887, -0.010324504226446152, -0.0024656816385686398, -0.01354315783828497, -0.024150241166353226, 0.02202744595706463, -0.032613854855298996, -0.027127668261528015, -0.008780652657151222, 0.02453620359301567, 0.0046660141088068485, -0.026920901611447334, -0.014969841577112675, 0.025032442063093185, -0.0001819969475036487, -0.0017971390625461936, -0.009090801700949669, 0.033744171261787415, 0.015714198350906372, 0.004290389362722635, 0.023350747302174568, -0.017340755090117455, -0.04240076616406441, 0.004304173868149519, 0.005758426617830992, 0.018857037648558617, 0.01695479266345501, -0.009938540868461132, 0.01980816014111042, -0.003025672398507595, -0.006337370723485947, -0.02521163783967495, -0.010165983811020851, 0.025776797905564308, 0.026148976758122444, -0.019849512726068497, 0.0016791103407740593, -0.015521216206252575, 0.023419668897986412, 0.004386880435049534, 0.002651770832017064, -0.02421916276216507, 0.0029274586122483015, 0.02850610576570034, 0.015590138733386993, -0.008332660421729088, 0.016362063586711884, -0.014459818601608276, 0.00924242939800024, 0.01050370093435049, 0.004131868947297335, 0.0022727004252374172, -0.013550049625337124, -0.0029050589073449373, 0.0005500830593518913, -0.03741081804037094, -0.022289348766207695, 0.03236573562026024, 0.004783181473612785, -0.009104586206376553, 0.036390773952007294, -0.0046660141088068485, 0.029140187427401543, -0.007422890979796648, 0.005082991905510426, -0.02333696186542511, -0.05064382776618004, -0.00622020335868001, -0.007092065643519163, -0.014404681511223316, -0.02511514723300934, -0.015204175375401974, 0.034929629415273666, -0.015714198350906372, -0.006413184572011232, 0.010655328631401062, 0.006409738678485155, 0.02070414461195469, -0.0013172702165320516, -0.006868069525808096, 0.01463901624083519, -0.01838836818933487, 0.04689447581768036, 0.014969841577112675, -0.012943536974489689, -0.01982194371521473, 0.005379355978220701, 0.0023467913269996643, 0.010655328631401062, 0.010145306587219238, 0.01605880819261074, 0.004442017991095781, -0.026920901611447334, -0.0016799718141555786, -0.017230480909347534, 1.8293923858436756e-05, 0.02454998902976513, 0.0036632001865655184, -0.02100740186870098, -0.011978629976511002, -0.011792540550231934, 0.015438510105013847, -0.00974555965512991, 0.005992760881781578, 0.01982194371521473, -0.008573886938393116, 0.023171549662947655, -0.009662853553891182, -0.0011820109793916345, -0.01419791579246521, -0.03266898915171623, 0.02070414461195469, -0.018732978031039238, 0.0011544422013685107, 0.003611508756875992, 0.006902530323714018, -0.004262820817530155, -0.014184131287038326, 3.887627099175006e-05, -0.009014987386763096, -0.0072092330083251, 0.012943536974489689, -0.008566995151340961, -0.003263453021645546, 0.03027050755918026, -0.0018109234515577555, -0.007519381586462259, 0.003113547805696726, 0.017754286527633667, 0.007753716316074133, -0.029774269089102745, -0.001955659594386816, -0.02222042717039585, 0.010800065472722054, -0.0011794263264164329, 0.028699088841676712, -0.005413816776126623, 0.0006254664622247219, -0.04289700463414192, 0.008622132241725922, 0.006861177273094654, -0.039892006665468216, 0.0063270325772464275, 0.04306241497397423, -0.01903623528778553, -0.0062856790609657764, -0.006571704987436533, -0.17688122391700745, 0.014776859432458878, 0.025363266468048096, -0.021765543147921562, 0.011627128347754478, 0.03534316271543503, 0.010607083328068256, 2.3045768102747388e-05, 0.006337370723485947, -0.0008865082054398954, 0.01837458461523056, -0.013873983174562454, 0.006823270116001368, -0.01616908237338066, 0.0015007748734205961, 0.006289125420153141, 0.01649990864098072, 0.0029171202331781387, 0.005369017831981182, 0.010951693169772625, -0.0009786912705749273, -0.028781794011592865, 0.016113944351673126, 0.011048183776438236, -0.02059387043118477, 0.013563834130764008, -0.028561243787407875, 0.009945433586835861, -0.020745499059557915, -0.008884035982191563, 0.010613976046442986, -0.009373381733894348, 0.014321975409984589, -0.0047935196198523045, 0.006526906043291092, 0.01397736556828022, -0.019022449851036072, 0.003832058748230338, -0.0054413857869803905, 0.05238065868616104, 0.024343222379684448, 0.023709140717983246, 0.01561770774424076, -0.00020655037951655686, -0.017961053177714348, -0.007795069366693497, 0.013646540232002735, -0.003952672239392996, -0.011489284224808216, -0.013715462759137154, -0.01122048869729042, -0.002641432685777545, 0.02749984711408615, 0.010524377226829529, 0.0030084417667239904, 0.013115841895341873, 0.016155298799276352, 0.0057239653542637825, 0.010358965024352074, -0.015824472531676292, -0.028340693563222885, -0.012805692851543427, 0.00553098414093256, -0.0072919391095638275, -0.0023485145065933466, -0.03115270845592022, -0.025707876309752464, -0.01348112802952528, -0.021310657262802124, -0.00489345658570528, -0.02399861253798008, -0.0043076202273368835, 0.011434147134423256, -0.0024105440825223923, 0.0144184660166502, 0.005096775945276022, -0.002787891775369644, 0.008063864894211292, -0.007595195900648832, 0.007795069366693497, -0.013736139051616192, 0.03630806878209114, 0.0008977079996839166, -0.002250300720334053, 0.01491470355540514, -0.028313124552369118, -0.011372117325663567, -0.02234448678791523, 0.001016598311252892, 0.00022744234593119472, 0.01661018282175064, -0.012316347099840641, 0.0037734752986580133, -0.021710405126214027, 0.02255125343799591, -0.015383373014628887, 0.0032961908727884293, -0.00767790200188756, 0.012867722660303116, -0.015590138733386993, -0.0034012969117611647, -0.0021589791867882013, -0.030325645580887794, -0.016113944351673126, 0.058390650898218155, 0.01310205738991499, 0.0036356314085423946, -0.005234620068222284, 0.02718280628323555, -0.014721722342073917, -0.010324504226446152, 0.01447360310703516, 0.01869162544608116, -8.082172280410305e-05, -0.005978976842015982, 0.026658998802304268, 0.007319508120417595, -0.027100099250674248, 0.023971043527126312, -0.009077017195522785, 0.052325524389743805, 0.004531616345047951, -0.02398482896387577, -0.01206133607774973, 0.005482738837599754, 0.0005711904377676547, -0.0964355543255806, 0.00824995432049036, 0.017961053177714348, 0.014831997454166412, -0.04127044603228569, 0.0019332598894834518, -0.005865255370736122, 0.002513927174732089, -0.008822006173431873, 0.04052608832716942, -0.013460450805723667, -0.0076158721931278706, -0.012461083009839058, -0.004607430659234524, 0.0030549641232937574, -0.01238526962697506, 0.014831997454166412, -0.029029913246631622, 0.0016360341105610132, 0.020414672791957855, 0.009655960835516453, -0.010531269945204258, -0.021655267104506493, -0.0005328526021912694, 0.0009519840241409838, 0.014928488060832024, -0.03255871683359146, 0.02069036103785038, 0.02222042717039585, 0.012426622211933136, 0.010358965024352074, -0.039892006665468216, 0.007443567272275686, -0.025804366916418076, 0.0006827577599324286, -0.00013439774920698255, -0.027348218485713005, 0.00048288420657627285, 0.032090045511722565, -0.03027050755918026, 0.010986153967678547, 0.0061581735499203205, 0.030463488772511482, -0.009883403778076172, -0.012454191222786903, -0.004617768805474043, -0.029581287875771523, 0.02376427873969078, -0.011027507483959198, -0.028974775224924088, -0.013494912534952164, -0.022096367552876472, -0.012729878537356853, -0.0016093268059194088, 0.02686576545238495, -0.007054158486425877, -0.011082644574344158, 0.007519381586462259, -0.017561305314302444, 0.008532533422112465, -0.02949858270585537, -0.007305723614990711, -0.021200383082032204, 0.023805631324648857, 0.01892595924437046, 0.012454191222786903, -0.02971913293004036, -0.03313766047358513, 0.007174772210419178, -0.00536212557926774, -0.016045022755861282, 0.02202744595706463, -0.022633958607912064, 0.007836422882974148, -0.03619779273867607, -0.01237837690860033, -0.03004995733499527, -0.030187802389264107, 0.007071388885378838, -0.0028275218792259693, -0.0037803673185408115, -0.02740335650742054, -0.01661018282175064, -0.011523745022714138, 0.02124173566699028, -0.017754286527633667, -0.02201366238296032, 0.011771864257752895, 0.022647744044661522, -0.04201480373740196, 0.03333064168691635, 0.010276257991790771, 0.0014740675687789917, -0.009600823745131493, -0.0005470677278935909, 0.026796843856573105, -0.01281947735697031, -0.008394690230488777, 0.013108949176967144, -0.006244326010346413, -0.03377174213528633, -0.0005595598486252129, -0.07460108399391174, 0.013839521445333958, 0.006223649252206087, -0.008553210645914078, 0.00038574737845920026, -0.008229277096688747, 0.01309516467154026, -0.002384698484092951, -0.015769336372613907, 0.0009364766301587224, -0.028423400595784187, 0.010221120901405811, -0.011592667549848557, -0.007105850148946047, -0.00024919581483118236, -0.010641545057296753, 0.018622703850269318, 0.002634540433064103, 0.0166239682585001, 0.017326971516013145, 0.0030273953452706337, 0.0036632001865655184, 0.01925678551197052, 0.028671519830822945, -0.011020614765584469, -0.0027069083880633116, -0.0021710405126214027, 0.011675373651087284, -0.006588935852050781, 0.0101246302947402, 0.01936705969274044, -0.050120022147893906, 0.012750555761158466, 0.009876511059701443, -0.004431679379194975, -0.011978629976511002, -0.0022227319423109293, 0.0030618563760071993, 0.002619032980874181, 0.047170162200927734, -0.04703231900930405, -0.019325707107782364, -0.007912236265838146, -0.007684794254601002, -0.0026690014638006687, 0.005861809477210045, 0.02683819644153118, 0.010483024641871452, 0.006023775786161423, -0.01805754378437996, 0.04689447581768036, 0.01447360310703516, -0.006747456267476082, -0.05965881422162056, -0.013791276142001152, 0.005138128995895386, 0.014459818601608276, -0.004924471490085125, 0.0039251032285392284, -0.028919637203216553, 0.04372406750917435, 0.0030084417667239904, 0.03526045382022858, 0.01062776055186987, 0.00836712121963501, -0.017451031133532524, -0.008229277096688747, 0.0018798453966155648, -0.012281886301934719, -0.027362002059817314, -2.650532405823469e-05, 0.0032272690441459417, 0.005947961937636137, 0.01695479266345501, 0.014066964387893677, -0.002126241335645318, -0.012281886301934719, 0.015865826979279518, -0.029250463470816612, 0.006712995003908873, 0.03644591197371483, -0.011682265438139439, -0.01425305288285017, 0.016155298799276352, 0.021517423912882805, -0.006082359701395035, -0.01287461444735527, 0.022151505574584007, 0.004614322446286678, 0.012640280649065971, -0.010703573934733868, 0.007160987704992294, -0.002588018076494336, 0.00019739668641705066, -0.0102831507101655, 0.023791847750544548, -0.037907056510448456, 0.011392793618142605, 0.034736648201942444, 0.030739177018404007, 0.001876399270258844, 0.0025035887956619263, -0.006788809318095446, -0.014721722342073917, -0.03633563593029976, -0.0028568136040121317, -0.02773418091237545, -0.006823270116001368, -0.008601455949246883, -0.01033828780055046, 0.01805754378437996, 0.006850839126855135, -0.004066393245011568, 0.0020107971504330635, -0.02817528136074543, -0.006030668038874865, 0.0016515415627509356, -0.01980816014111042, -0.03377174213528633, 0.039395771920681, -0.007443567272275686, 0.008739299140870571, 0.021214166656136513, 0.011413469910621643, 0.030794315040111542, 0.017685364931821823, 0.02244097739458084, -0.012006198987364769, 0.024343222379684448, -0.03699728846549988, 0.002588018076494336, -0.007002467289566994, -0.010931016877293587, 0.006423523183912039, -0.017547521740198135, -0.013963581062853336, 0.00229682307690382, -0.013660324737429619, -0.015328234992921352, 0.0786261260509491, 0.03247600793838501, -0.009104586206376553, 0.002569064497947693, -0.0349847674369812, 0.004424787126481533, 0.0427040234208107, -0.002911951160058379, -0.022633958607912064, -0.04030553996562958, -0.012426622211933136, -0.006009991746395826, 0.011041291989386082, -0.02475675381720066, -0.0017437245696783066, -0.009531902149319649, -0.022151505574584007, 0.02136579528450966, 0.005510307382792234, 0.00780885387212038, 0.006588935852050781, 0.015121469274163246, 0.020855773240327835, 0.009194184094667435, -0.01815403439104557, -0.011744295246899128, 0.015466079115867615, -0.014335759915411472, 0.033275503665208817, -0.031648945063352585, -0.002036642748862505, 0.010476131923496723, -0.03266898915171623, -0.007422890979796648, -0.011758079752326012, -0.002508757868781686, -0.01034518051892519, -0.007843314670026302, 0.028892070055007935, 0.00393199548125267, 0.023819416761398315, 0.021820679306983948, 0.004338635131716728, -0.007602087687700987, -0.009766235947608948, -0.012798801064491272, -0.025707876309752464, -0.01050370093435049, -0.017299402505159378], metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='4e438db4-0331-442c-a948-ceffafe685b9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='6d68bfd69cc029b5a4c3bc418642838d7fbbfb5ffae8d888c91813515be74be3'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='893d4caa-bc26-4f00-afbc-50a333bf3068', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '1', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='6824b16b4c7372b7e9ed77bfb4369bce8678a2575eee15c4a29d11ede3bf4a90'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='222db67c-4c76-43d4-ae7d-fdb097aebeb7', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f6f59e5a9c74f94461bc37678ae707814eb0f25ad7fb5b4ef4d0d2ba45938f46')}, hash='d62edb442173cc90e780253b3bf3400bb717851b257b6710fe964337ffde8656', text='2 IEEE TRANSACTIONS ON JOUR NAL NAME, MANUSCRIP T ID 2 RELATED WORKS 2.1 Proximity graph techniques In the vast majority of studied graph algorithms searc hing takes a form of greedy routing in k-Nearest Neighbor (k-NN) graphs [10, 18-26]. ', start_char_idx=0, end_char_idx=240, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
427
       " TextNode(id_='222db67c-4c76-43d4-ae7d-fdb097aebeb7', embedding=[-0.0019463562639430165, 0.017470436170697212, -0.011771677993237972, -0.0070442985743284225, 0.006900390610098839, 0.023111632093787193, -0.008807172067463398, -0.0037667930591851473, -0.033357884734869, -0.047029148787260056, 0.008015678264200687, 0.007893356494605541, -0.0007078476483002305, 0.01395188458263874, -0.005320999771356583, 0.00887193065136671, 0.016103310510516167, -0.00896547082811594, 0.0067528849467635155, 0.008483379147946835, -0.030767539516091347, 0.001230413792654872, -0.009519516490399837, -0.042280182242393494, 0.0034052240662276745, 0.034768182784318924, 0.03154464438557625, -0.01785898767411709, 0.003759597660973668, -0.015484505333006382, 0.006526229437440634, -0.015700366348028183, -0.007087470963597298, 0.007785425055772066, 0.005022390745580196, 0.0013122614473104477, 0.01597379334270954, -0.017268965020775795, 0.038912735879421234, -0.006256402004510164, -0.0011215832782909274, -0.014628252014517784, -0.006508240941911936, -0.007170218043029308, 0.0016117700142785907, -0.011160068213939667, 0.02164376899600029, -0.0250112172216177, -0.007447241339832544, 0.029299676418304443, 0.019499540328979492, 0.0257019754499197, -0.021082527935504913, -6.6754219005815685e-06, -0.006051333155483007, -4.705118408310227e-05, 0.00998721830546856, 0.017254574224352837, -0.004417976830154657, -0.020521286875009537, 0.0008382643572986126, -0.007864574901759624, -0.02790376916527748, 0.016909195110201836, -0.018923906609416008, -0.0374736525118351, -0.01515351701527834, 0.007360896095633507, 0.00516989640891552, -0.012037907727062702, 0.012721470557153225, 0.027846205979585648, -0.023010896518826485, -0.0002399216900812462, 0.04564763233065605, -0.01932685077190399, -0.008835953660309315, 0.007191804237663746, -0.008749608881771564, 0.013081240467727184, 0.0005684367497451603, -0.03586188331246376, -0.004428769927471876, 0.0281052403151989, -0.00022957829060032964, 0.0077638388611376286, 0.020967401564121246, 0.019729793071746826, -0.04026547074317932, -0.005400149151682854, 0.041819676756858826, 0.03117048181593418, 0.03194758668541908, -0.006375126074999571, -0.00896547082811594, 0.0076055401004850864, -0.016132092103362083, 0.00887193065136671, 0.010757125914096832, -0.029904091730713844, -0.016722114756703377, 0.00870643649250269, 0.00014784302038606256, -0.006270792800933123, -0.0035041607916355133, -0.002628120593726635, -0.01430445909500122, 0.00044723920291289687, -0.003095821710303426, 0.022435262799263, -0.009375608526170254, 0.015354988165199757, -0.003577913623303175, -0.008181172423064709, -0.019039032980799675, -0.022320136427879333, 0.03108413703739643, -0.018578527495265007, -0.002736051566898823, -0.0146570336073637, 0.014549102634191513, 0.007850183174014091, 0.015930620953440666, -0.01215303409844637, 0.006846425123512745, 0.019916873425245285, -0.007119850255548954, -0.030191907659173012, -0.002620925195515156, -0.029702620580792427, 0.037588778883218765, 0.028234757483005524, 0.017787033692002296, 0.014851310290396214, -0.02773107960820198, 0.0253565963357687, 0.008828758262097836, -0.022665515542030334, -0.035199906677007675, -0.0287959985435009, 0.009159746579825878, 0.0371282733976841, -0.012275355868041515, -0.012469631619751453, -0.012340114451944828, 0.027975723147392273, -0.004349620547145605, 0.010059172287583351, 0.003935885149985552, -0.021586205810308456, 0.0017250976525247097, 0.011807654984295368, -0.0004964827676303685, 0.012304137460887432, 0.012124252505600452, 0.007792620453983545, -0.0005468505551107228, 0.029386021196842194, -0.007979701273143291, -0.047374527901411057, -0.018506573513150215, 0.023543355986475945, 0.009454757906496525, -0.009634643793106079, 0.009181332774460316, 0.02774547040462494, 0.015196689404547215, 0.012383286841213703, -0.016837241128087044, -0.021586205810308456, -0.012304137460887432, 0.021888412535190582, -0.03125682473182678, -0.009785747155547142, 0.0018726034322753549, -0.021082527935504913, 0.04110013693571091, 0.01562841236591339, -0.027054712176322937, -0.01607452891767025, -0.014469953253865242, 0.0018303303513675928, 0.0036984365433454514, 0.015873057767748833, -0.006763678044080734, -0.0025723562575876713, 0.019413195550441742, 0.003165976842865348, 0.016981149092316628, -0.018089240416884422, 0.009195723570883274, 0.01377919502556324, 0.004338827449828386, 0.02128399908542633, -0.6179987192153931, -0.018348274752497673, 0.0048712873831391335, -0.034940872341394424, -0.0028871551621705294, 0.017168229445815086, 0.01249841321259737, 0.02563002146780491, 0.012527194805443287, 0.02262234315276146, -0.02429167740046978, 0.005946999881416559, 0.0032577181700617075, -0.007321321405470371, -0.008483379147946835, -0.018506573513150215, 0.010440528392791748, -0.023212367668747902, 0.024003861472010612, 0.006191643420606852, -0.017197011038661003, 0.02420533262193203, -0.002723459620028734, -0.001837525749579072, -0.0010388361988589168, 0.017240183427929878, 0.02942919358611107, -0.033530574291944504, -0.0023762814234942198, 0.018938297405838966, -0.02623443678021431, 0.01506717223674059, 0.009260482154786587, 0.02155742421746254, 0.05336110293865204, -0.019283678382635117, -0.012570367194712162, 0.010807493701577187, 0.026464689522981644, 0.020535677671432495, -0.03453793004155159, -0.021327171474695206, 0.002232373459264636, 0.009562688879668713, -0.01810363121330738, 0.006087310146540403, 0.014095792546868324, 0.007720666471868753, -0.01985931023955345, -0.028292320668697357, 0.0010433333227410913, 0.0013140602968633175, -0.018434619531035423, -0.002030902309343219, -0.00010686296445783228, -0.019988827407360077, 0.028781607747077942, -0.006706114858388901, 0.008677654899656773, 0.012361700646579266, 0.017916550859808922, -0.0034322068095207214, 0.0008652471005916595, -0.015311815775930882, -0.010231861844658852, 0.02482413686811924, -0.01758556254208088, 0.018074849620461464, -0.01696675829589367, -0.023082850500941277, 0.02155742421746254, 0.018348274752497673, 0.0018096435815095901, 0.004417976830154657, 0.01660698838531971, 0.03258078172802925, 0.02234891802072525, 0.009476344101130962, -0.024608274921774864, -0.008476183749735355, 0.014340436086058617, 0.018952688202261925, -0.020622022449970245, -0.004936045967042446, 0.029731402173638344, 0.013548942282795906, -0.04947558417916298, 0.002592143602669239, -0.011167263612151146, -0.005353379063308239, -0.005216666497290134, -0.003702034242451191, -0.03099779225885868, -0.04760478064417839, -0.00314798834733665, 0.007357298396527767, 0.008979861624538898, -0.005583631806075573, 0.02244965359568596, -0.04052450507879257, -0.01729774661362171, -0.019816137850284576, 0.009289263747632504, -0.024968044832348824, 0.007842987775802612, 0.013448206707835197, 0.0027720285579562187, 0.006141275633126497, 0.017729470506310463, -0.013304298743605614, 0.010857861489057541, -0.011390321888029575, -0.015829885378479958, 0.015124735422432423, -0.00922450516372919, -0.029299676418304443, 0.043604135513305664, 0.0076055401004850864, -0.021888412535190582, 0.0032918965443968773, 0.039430804550647736, 0.012714275158941746, 0.0055440571159124374, -0.005349781364202499, 0.01987370103597641, 0.004885678179562092, 0.013592114672064781, -0.029256504029035568, -0.03508478030562401, -0.0057059540413320065, 0.016650160774588585, -0.007019114680588245, 0.018693653866648674, -0.021802067756652832, 0.017628734931349754, -0.013980666175484657, 0.0030724366661161184, 0.004007839132100344, 0.0017349913250654936, -0.012419263832271099, -0.034681838005781174, 0.007814206182956696, 0.01015990786254406, -0.03171733394265175, -0.009282068349421024, -0.014290068298578262, -0.025903446599841118, 0.010713953524827957, -0.01386553980410099, -0.008044459857046604, -0.012757447548210621, -0.015959402546286583, -0.029961654916405678, 0.022089883685112, 0.006454275455325842, -0.003340465482324362, 0.005202275700867176, -0.01889512501657009, -0.00395027594640851, -0.02278064377605915, -0.00826032180339098, 0.032321747392416, -0.01572914980351925, -0.023255540058016777, 0.000563040201086551, -0.015182298608124256, 0.006339149083942175, 0.022507216781377792, 0.024665838107466698, -0.03571797534823418, -0.008929493837058544, -0.015570850111544132, -0.03689802065491676, 0.0321490578353405, -0.005961390677839518, 0.0005774309975095093, 0.0027126665227115154, -0.002734252717345953, 0.0011719510657712817, -0.011836436577141285, 0.0011728504905477166, 0.016981149092316628, 0.004885678179562092, -0.011656551621854305, 0.026018572971224785, -0.014448367059230804, 0.010411746799945831, 0.003928689286112785, -0.009282068349421024, 0.005616011098027229, 0.0043640113435685635, 0.02922772243618965, -0.015383769758045673, 0.010008804500102997, -0.011260803788900375, 0.015527677722275257, -0.0014660632004961371, 0.0025507700629532337, -0.013174781575798988, 0.018679263070225716, 0.007735057268291712, 0.0022557585034519434, 0.0007586652063764632, -0.027716688811779022, 0.01721140183508396, -0.04012156277894974, 0.009030229412019253, -0.013736022636294365, 0.005177091807126999, 0.0038459424395114183, 0.019398804754018784, -0.024867309257388115, -0.018175585195422173, -0.024593884125351906, 0.006925574503839016, 0.027687907218933105, -0.01880878023803234, 0.012016321532428265, -0.0194275863468647, 0.020809102803468704, -0.0021766091231256723, -0.0021927987691015005, 0.021226435899734497, 0.0008751407731324434, -0.008814367465674877, 0.0015811895718798041, 0.015599631704390049, 0.021499861031770706, -0.0007393275736831129, -0.008289103396236897, 0.0025867470540106297, -0.024176551029086113, 0.018880734220147133, 0.01024625264108181, 0.027328137308359146, -0.006393114570528269, 0.03433645889163017, -0.015743540599942207, 0.004885678179562092, -0.012886964716017246, 0.009375608526170254, 0.015513286925852299, 0.015685975551605225, -0.028911124914884567, -0.005069160833954811, -0.0004546594573184848, 0.032465655356645584, 0.010087953880429268, -0.00697953999042511, 0.02155742421746254, -0.010390160605311394, 0.03125682473182678, 0.008274712599813938, 0.018247539177536964, 0.010627608746290207, -0.014477148652076721, 0.01113848201930523, 0.02315480448305607, 0.027975723147392273, 0.03787659481167793, 0.008389838971197605, -0.009418780915439129, 0.023442620411515236, -0.014160551130771637, 0.004669815767556429, -0.058887168765068054, 0.007965310476720333, 0.01961466670036316, 0.009512321092188358, -0.012030712328851223, 0.009361217729747295, 0.00011152873048558831, 0.005403746850788593, -0.02489609085023403, 0.009598665870726109, 0.005238252691924572, 0.016304781660437584, -0.02721301093697548, 0.01316039077937603, 0.012476827017962933, -0.036610204726457596, -0.006842827424407005, 0.012793424539268017, 0.01784459687769413, -0.0035293446853756905, -0.005921815987676382, 0.006403907667845488, 0.011447885073721409, -0.029270894825458527, -0.0047489651478827, -0.0010658189421519637, -0.0047489651478827, 0.01351296529173851, -0.025586849078536034, -0.005004402250051498, -0.010490896180272102, 0.02642151713371277, 0.010210275650024414, 0.014995218254625797, 0.006137677934020758, 0.017024321481585503, 0.00638232147321105, -0.011642160825431347, -0.011692528612911701, 0.04639595374464989, -0.01457788422703743, -0.007281746715307236, -0.029817746952176094, 0.00024149568344000727, -0.005450516939163208, -0.0016846235375851393, 0.003684045746922493, 0.008310689590871334, 0.011491057462990284, 0.02006078138947487, -0.005004402250051498, -0.012958918698132038, 0.015959402546286583, 0.04610813781619072, -0.01015271246433258, -0.00808763224631548, -0.024162160232663155, -0.015167907811701298, 0.028162803500890732, 0.025500504299998283, 0.027313746511936188, 0.0005616910639218986, 0.008569723926484585, -0.008397034369409084, -0.006141275633126497, -0.02147107943892479, 0.0019013850251212716, 0.017686298117041588, 0.00041396048618480563, -0.010886643081903458, -0.022032320499420166, 0.009756965562701225, 0.008929493837058544, 0.0379917211830616, 0.00010961745283566415, -0.001776364864781499, -0.04144551604986191, -0.007677494082599878, 0.016937976703047752, -0.00923889596015215, -0.018305102363228798, 0.009749770164489746, 0.00041778304148465395, -0.012915746308863163, -0.006040540058165789, 0.02675250545144081, 0.0036696549504995346, 0.006551413796842098, -0.03047972358763218, -0.02616248093545437, 0.011109700426459312, 0.0192548967897892, 0.0033350689336657524, -0.007828596979379654, 0.02607613615691662, 0.01341942511498928, 0.023831171914935112, 0.014908873476088047, -0.01240487303584814, 0.023385057225823402, 0.002171212574467063, 0.011728505603969097, 0.0030652412679046392, -0.0002354245661990717, 0.005223861895501614, 0.009339631535112858, 0.01449153944849968, -0.0186504814773798, -0.010944206267595291, 0.011462275870144367, -0.018492182716727257, -0.013628091663122177, -0.011541425250470638, -0.0027648331597447395, -0.002709068823605776, -0.00030625431099906564, -0.0002635316050145775, -0.0030256665777415037, -0.02905503287911415, 0.0001491921575507149, -0.006526229437440634, 0.016045747324824333, -0.0007568663568235934, -0.0001624586875550449, -0.026435907930135727, -0.03401986137032509, -0.007526390720158815, -0.008202758617699146, 0.0031767699401825666, 0.016391126438975334, -0.00860570091754198, -0.028321102261543274, -0.007022712379693985, 0.004641034174710512, 0.020521286875009537, 0.005004402250051498, 0.0033080861903727055, -0.03030703403055668, 0.02262234315276146, -0.021586205810308456, -0.02339944802224636, -0.0035635228268802166, -0.006677333265542984, 0.005659183487296104, -0.011584597639739513, -0.007533586118370295, 0.0030256665777415037, -0.0013788188807666302, -0.01422530971467495, -0.0032900976948440075, -0.009346826933324337, -0.002611930947750807, -0.011066528037190437, 0.019557103514671326, -0.002205390715971589, 0.016477471217513084, 0.022147446870803833, 0.007432850543409586, 0.00018258333147969097, 0.005727540235966444, 0.015009609051048756, -0.010742735117673874, 0.0009070703526958823, 0.026464689522981644, 0.0029842930380254984, 0.0013023677747696638, -0.0019697414245456457, -0.0002651055983733386, -0.024579493328928947, 0.03373204544186592, -0.01215303409844637, 0.0057059540413320065, -0.0004166587605141103, 0.025601239874958992, 0.028134021908044815, 0.028479401022195816, 0.012613539583981037, 0.010087953880429268, -0.009872091934084892, -0.015685975551605225, 0.0001190614202641882, 0.015930620953440666, 0.011750091798603535, -0.007440045941621065, 0.019499540328979492, -0.024406803771853447, -0.011044941842556, -0.010203080251812935, -0.01695236749947071, -0.012822206132113934, 0.015556459315121174, -0.0026317182928323746, -0.013045263476669788, -0.02993287332355976, -0.0018177384044975042, -0.0029483160469681025, -0.0030364596750587225, -0.04461149126291275, -0.015873057767748833, 0.009073401801288128, -0.023802390322089195, 0.001994925318285823, -0.00439639063552022, -0.022219400852918625, -0.01713944785296917, -0.025860274210572243, 0.005018793046474457, 0.03099779225885868, 0.018708044663071632, 0.006688126362860203, 0.010131126269698143, -0.007720666471868753, -0.02623443678021431, -0.008030069060623646, -0.0066017815843224525, -0.012397677637636662, 0.029961654916405678, 0.02288137935101986, 0.00843301136046648, 0.017197011038661003, 0.0019175746710970998, 0.0014705603243783116, 0.012203401885926723, 0.012743056751787663, 0.009728183969855309, -0.0036192871630191803, -0.004943241365253925, -0.011663747020065784, -0.0018438217230141163, 0.03278225287795067, -0.006367930676788092, 0.025845883414149284, 0.0037559999618679285, 0.026723723858594894, 0.019629057496786118, 0.008850344456732273, -0.011267999187111855, 0.0069651491940021515, -0.05623926222324371, -0.00688599981367588, -0.009094987995922565, -0.011750091798603535, 0.008303494192659855, -0.030364597216248512, -0.025745147839188576, 0.0030112757813185453, -0.012714275158941746, 0.02102496474981308, -0.007220585830509663, 0.03189002349972725, 0.0013905114028602839, -0.00516629870980978, 0.03226418420672417, 0.03790537640452385, -0.03450914844870567, 0.02030542492866516, -0.028033286333084106, 8.184769831132144e-05, 0.019758574664592743, -0.002232373459264636, 0.021068137139081955, -0.01359931007027626, 0.002725258469581604, -0.008224344812333584, 0.01558524090796709, 0.004342425148934126, -0.015599631704390049, -0.005590827204287052, 0.006641356274485588, -0.0068500228226184845, -0.019844919443130493, -0.016822850331664085, 0.013289907947182655, -0.023744827136397362, -0.007497609127312899, -0.00733571220189333, 0.0005531465285457671, -0.02534220553934574, -0.011030551046133041, 0.02111130952835083, 0.008763999678194523, 0.04251043498516083, -0.019298069179058075, 0.017024321481585503, 0.020780321210622787, -0.01188680436462164, -0.023989470675587654, 0.020175907760858536, -0.0023600917775183916, 0.0074904137291014194, 0.027428872883319855, 0.033444229513406754, -0.04248165339231491, -0.03640873357653618, -0.0011440688977017999, -0.001783560262992978, 0.0011548619950190187, -0.049072641879320145, 0.017887769266963005, 0.027414482086896896, 0.010440528392791748, -0.0257019754499197, -0.009944045916199684, -0.024421194568276405, 0.043057285249233246, 0.007533586118370295, 0.01624721847474575, 0.009908068925142288, -0.014031033962965012, -0.002788218203932047, 0.02252160757780075, -0.007091068662703037, 0.05215227231383324, 0.004907264374196529, -0.011649356223642826, 0.010368574410676956, -0.00042160559678450227, -0.013318689540028572, 0.012620734982192516, -0.016650160774588585, 0.04449636489152908, -0.012735861353576183, -0.004169735591858625, 0.022089883685112, 0.013376252725720406, 0.00980733335018158, 0.011714114807546139, 0.0191685501486063, 0.03525746986269951, -0.02525586076080799, -0.015470114536583424, -0.011951562948524952, 0.0037811838556081057, 0.01932685077190399, 0.010821884498000145, -0.0076055401004850864, -0.00715222954750061, -0.018146803602576256, -0.00870643649250269, 0.021413516253232956, 0.005382160656154156, 0.015297424979507923, 0.010490896180272102, -0.0030364596750587225, -0.022061102092266083, -0.03692680224776268, 0.005349781364202499, -0.0016207642620429397, -0.035372596234083176, -0.02270868979394436, -0.002477017231285572, -0.009102183394134045, 0.005896632093936205, -0.0021388332825154066, -0.0255292858928442, 0.01961466670036316, 0.024061424657702446, -0.02712666615843773, 0.016578206792473793, 0.02807645872235298, 0.01196595374494791, -0.04743209108710289, -0.012987700290977955, -0.004774149041622877, -0.023169195279479027, 0.030940229073166847, -0.026738114655017853, -0.03433645889163017, -0.010303815826773643, -0.007504804525524378, 0.02039176970720291, 0.029731402173638344, -0.006911183707416058, -0.014995218254625797, -0.005439723841845989, 0.0072925398126244545, -0.00816678162664175, -0.01908220537006855, 0.022910160943865776, -0.009087792597711086, 0.006519034039229155, 0.022017929702997208, -0.02190280333161354, 0.026032963767647743, -0.01836266554892063, 0.0011773476144298911, 0.0008067844319157302, -0.04443880170583725, -0.0067528849467635155, -0.007504804525524378, 0.011634965427219868, 0.007411263883113861, -0.009706597775220871, -0.01122482679784298, 0.013548942282795906, -0.02057885006070137, 0.01457068882882595, -0.0018869942286983132, -0.014894482679665089, 0.01696675829589367, 0.007105459459125996, -0.02843622863292694, -8.994252857519314e-05, -0.020535677671432495, 0.01135434489697218, 0.009483539499342442, 0.006616172380745411, -0.043604135513305664, -0.010634804144501686, 0.013620896264910698, 0.049677055329084396, 0.020003218203783035, -0.026551034301519394, -0.02465144731104374, -0.01488009188324213, -0.0505405031144619, -0.01505278144031763, -0.0003096271539106965, -0.00314618949778378, -0.004543896298855543, 0.008274712599813938, -0.017168229445815086, 0.032379310578107834, -0.013570528477430344, -0.011814850382506847, 0.0072745513170957565, -0.009253286756575108, -0.013563333079218864, 0.02324114926159382, -0.0025237873196601868, 0.01333308033645153, -0.0443524569272995, -0.002225178061053157, -0.0007352801621891558, 0.013074045069515705, -0.018060458824038506, 0.010001609101891518, -0.019585885107517242, 0.0028871551621705294, -0.0037739884573966265, -0.001854614820331335, 0.005655585788190365, 0.010476505383849144, -0.013196367770433426, -0.028767216950654984, 0.005141114816069603, 0.013376252725720406, -0.0051447125151753426, -0.015542068518698215, -0.0013554338365793228, 0.00018618103058543056, -0.009749770164489746, 0.0031443906482309103, -0.015225470997393131, -0.02394629828631878, 0.021960366517305374, -0.01606013812124729, 0.02331310324370861, 0.005569241009652615, 0.008807172067463398, 0.06067163124680519, -0.016808459535241127, 0.007263758219778538, 0.001300568925216794, -0.001431885058991611, -0.04533103108406067, -0.0036426722072064877, -0.0010478304466232657, -0.020089562982320786, 0.004205712582916021, 0.004007839132100344, 0.014167746528983116, -0.0029285287018865347, -0.007547976914793253, 0.012383286841213703, -0.01988809183239937, -0.01395188458263874, 0.02200353890657425, 0.0025687585584819317, -0.021413516253232956, -0.015513286925852299, -0.015470114536583424, -0.008044459857046604, 0.006547815632075071, 0.004763355944305658, 0.0019121781224384904, -0.0189958605915308, 0.028767216950654984, 0.005356976762413979, 0.010030390694737434, -0.01178606878966093, 0.009512321092188358, 0.013484183698892593, 0.0026047355495393276, 0.019024642184376717, 0.1968661993741989, -0.011275194585323334, 0.026608597487211227, 0.01023905724287033, 0.0064398846589028835, 0.0018474194221198559, 0.04869848117232323, 0.0011683533666655421, 0.019988827407360077, -0.003183965338394046, -0.013405034318566322, 0.01988809183239937, -0.02006078138947487, -0.005929011385887861, 0.03189002349972725, -0.03557406738400459, -0.05546215921640396, -0.03534381464123726, -0.03065241314470768, -0.003399827517569065, -0.013887125998735428, 0.0014084998983889818, -0.01488009188324213, -0.016376735642552376, 0.01315319538116455, -0.021240826696157455, -0.03278225287795067, -0.016765287145972252, 0.02657981589436531, 0.009023034013807774, -0.022924551740288734, -0.01359931007027626, 0.01924050599336624, 0.0029681033920496702, 0.0014282873598858714, -0.007058689370751381, 0.031055355444550514, 0.01739848218858242, 0.009994413703680038, 0.02207549288868904, -0.014153355732560158, -0.03597700968384743, -0.0008544540032744408, 0.008188367821276188, 0.011663747020065784, 0.01413176953792572, -0.005281425081193447, 0.016535034403204918, 0.003338666632771492, -0.005112333223223686, -0.030594849959015846, -0.015556459315121174, 0.040150344371795654, 0.028148412704467773, -0.02315480448305607, -0.0005387557321228087, -0.021226435899734497, 0.025385377928614616, 0.00688599981367588, -0.0020758735481649637, -0.0314582996070385, 0.003856735536828637, 0.027097884565591812, 0.011030551046133041, -0.004846103489398956, 0.012807815335690975, -0.01641990803182125, 0.0006556810112670064, 0.007206195034086704, 0.001125180977396667, 0.011339953169226646, -0.006220425013452768, 0.0007753045647405088, 0.0012412068899720907, -0.04498565196990967, -0.02324114926159382, 0.03836588189005852, 0.009670620784163475, 0.00048299136688001454, 0.03534381464123726, 0.0008198261493816972, 0.029875310137867928, -0.008958275429904461, -0.002556166611611843, -0.022895770147442818, -0.05442602187395096, -0.010325402021408081, -0.005500884726643562, -0.021355953067541122, -0.020175907760858536, -0.011728505603969097, 0.030335815623402596, -0.011145677417516708, -0.009562688879668713, 0.009756965562701225, 0.009389999322593212, 0.011771677993237972, 0.007188206538558006, -0.01801728643476963, 0.010469309985637665, -0.018751217052340508, 0.03689802065491676, 0.01241206843405962, -0.009454757906496525, -0.017240183427929878, 0.0022215803619474173, 0.0067169079557061195, 0.013879930600523949, 0.01844901032745838, 0.005842666607350111, 0.002451833337545395, -0.028407447040081024, -0.003284701146185398, -0.02004639059305191, -0.004209310282021761, 0.02755839005112648, 0.006860815919935703, -0.012117057107388973, -0.016535034403204918, -0.020348597317934036, 0.009469148702919483, -0.01496643666177988, 0.008382643572986126, 0.014016643166542053, -0.003295494243502617, 0.02754399925470352, -0.0191685501486063, -0.0023169193882495165, -0.009425976313650608, -0.03134316951036453, 0.01523986179381609, -0.013491379097104073, -0.0006345445290207863, -8.932417404139414e-05, 0.0032415285240858793, -0.01025344803929329, -0.021427907049655914, -0.00931804534047842, -0.016132092103362083, -0.00869924109429121, 0.012224988080561161, -0.008397034369409084, 0.004608654882758856, 0.033703263849020004, -0.005659183487296104, -0.0024824137799441814, 0.0014606666518375278, 0.021399125456809998, -0.005022390745580196, -0.03640873357653618, -0.0031353964004665613, -0.027673516422510147, 0.012599148787558079, -0.013757608830928802, 0.025126343593001366, -0.004867689684033394, -0.002824195194989443, -0.044294893741607666, 0.00202190806157887, 0.006616172380745411, -0.035545285791158676, 0.004551091697067022, 0.031055355444550514, -0.01626160927116871, -0.005457712337374687, 0.0008360157953575253, -0.18627457320690155, 0.008749608881771564, 0.03160220757126808, -0.018765607848763466, 0.009526711888611317, 0.03465305641293526, 0.006882402114570141, 0.009972827509045601, 0.0017646723426878452, 0.005378562957048416, 0.012210597284138203, -0.0027198619209229946, 0.003910700790584087, -0.009289263747632504, 0.005792298819869757, 0.011066528037190437, 0.018132412806153297, 0.003907103091478348, 0.012699884362518787, 0.013915907591581345, -0.00785737857222557, -0.02757278084754944, 0.01334027573466301, 0.025111952796578407, -0.015340597368776798, 0.012606344185769558, -0.02633517235517502, 0.0009938649600371718, -0.019211722537875175, -0.007619930896908045, 0.010404551401734352, -0.009202918969094753, 0.015211080200970173, -0.0009151651756837964, 0.0014219913864508271, 0.010641999542713165, -0.015426942147314548, 0.005479298532009125, -0.0021154482383280993, 0.04259677976369858, 0.031659770756959915, 0.025917837396264076, 0.015570850111544132, 0.006407505366951227, -0.011829241178929806, -0.004356815945357084, 0.0074904137291014194, -0.006925574503839016, -0.006105298642069101, -0.010965792462229729, -0.00715222954750061, -0.0033350689336657524, 0.036782894283533096, 0.008907907642424107, 0.005698758643120527, 0.018506573513150215, 0.021787676960229874, 0.009354022331535816, 0.016319172456860542, -0.015196689404547215, -0.03073875792324543, -0.007634321693331003, 0.00785737857222557, -0.006738494150340557, -0.0014138964470475912, -0.03013434447348118, -0.03321397677063942, -0.00395387364551425, -0.021600596606731415, -0.0008441106183454394, -0.020693976432085037, -0.013282712548971176, 0.006511838641017675, 0.002732453867793083, 0.010526873171329498, 0.011188849806785583, 0.0031084136571735144, 0.0032325342763215303, -0.012707079760730267, 0.010397356003522873, -0.009541102685034275, 0.043431445956230164, 0.0068680113181471825, 0.0005396551568992436, 0.007353700697422028, -0.027587171643972397, -0.022737471386790276, -0.01205949392169714, -0.0001268189662368968, 0.003101218258962035, 0.008123609237372875, -0.0029213333036750555, -0.0036876434460282326, -0.010836275294423103, 0.031746115535497665, -0.005133919417858124, 0.0011845430126413703, -0.00799409206956625, 0.015297424979507923, -0.018492182716727257, -0.007533586118370295, 0.0030274654272943735, -0.03675411269068718, -0.008310689590871334, 0.06118969991803169, 0.01739848218858242, -0.0009084194898605347, 0.005954195279628038, 0.020693976432085037, -0.00958427507430315, -0.012620734982192516, 0.0034573907032608986, 0.02403264306485653, -0.0032127469312399626, -0.01395188458263874, 0.024363631382584572, 0.0005212169489823282, -0.03151586279273033, 0.01996004581451416, -0.0024986034259200096, 0.03689802065491676, 0.004317241255193949, -0.025831492617726326, -0.014937655068933964, 0.0029663045424968004, 0.002514793071895838, -0.10885204374790192, 0.005723942536860704, 0.013002091087400913, 0.013987861573696136, -0.045877885073423386, 0.0033980286680161953, -0.0005392054445110261, 0.001976936822757125, -0.012397677637636662, 0.03436524048447609, -0.007612735498696566, -0.013764804229140282, -0.01086505688726902, 0.005860655102878809, -0.0010388361988589168, -0.012160229496657848, 0.01670772396028042, -0.028925515711307526, 0.0023079251404851675, 0.013750413432717323, 0.0020075172651559114, -0.01050528697669506, -0.018146803602576256, 0.005925413686782122, 0.006900390610098839, 0.009267677552998066, -0.031055355444550514, 0.01403822936117649, 0.017168229445815086, 0.013714436441659927, 0.006411103066056967, -0.03632238879799843, 0.012433654628694057, -0.023284321650862694, 0.010289425030350685, 0.0011998332338407636, -0.02121204510331154, 0.003795574652031064, 0.030796321108937263, -0.035919446498155594, 0.010001609101891518, 0.005946999881416559, 0.02869526296854019, -0.014513125643134117, -0.007526390720158815, 0.0010379367740824819, -0.03399107977747917, 0.030191907659173012, -0.01890951581299305, -0.025586849078536034, -0.005590827204287052, -0.020809102803468704, -0.019470758736133575, -0.001678327564150095, 0.022291354835033417, -0.01783020608127117, -0.009864896535873413, 0.01241206843405962, -0.02039176970720291, 0.011807654984295368, -0.024248505011200905, -0.008209954015910625, -0.02482413686811924, 0.016491862013936043, 0.020794712007045746, 0.009548298083245754, -0.029213331639766693, -0.02683885022997856, 0.01325393095612526, -0.0031425917986780405, -0.01523986179381609, 0.022061102092266083, -0.014088597148656845, 0.01844901032745838, -0.04052450507879257, -0.01341942511498928, -0.024421194568276405, -0.020362988114356995, 0.014318849891424179, -0.010541263967752457, -0.006022551562637091, -0.025860274210572243, -0.002698275726288557, -0.01659259758889675, 0.015254252590239048, -0.009267677552998066, -0.005810287315398455, 0.009447562508285046, 0.02375921793282032, -0.04072597622871399, 0.03684045746922493, 0.009872091934084892, -0.004453953821212053, -0.01703871227800846, -0.004227298777550459, 0.024766573682427406, -0.004076195415109396, -0.0031425917986780405, 0.005191482603549957, -0.00629237899556756, -0.03684045746922493, -0.005468505434691906, -0.07385360449552536, 0.016189655289053917, -7.257237302837893e-05, -0.001010054606013, -0.0016072728903964162, -0.013088435865938663, 0.01395188458263874, 0.006997528485953808, -0.017153838649392128, 0.004374804440885782, -0.027702298015356064, 0.006745689548552036, -0.009958436712622643, -0.0010514281457290053, 0.0026946780271828175, -0.01705310307443142, 0.0166789423674345, -0.004450356122106314, 0.018592918291687965, 0.017686298117041588, 0.0023528963793069124, 0.0033620516769587994, 0.020909838378429413, 0.02807645872235298, -0.011375931091606617, -0.009483539499342442, -0.0022395688574761152, 0.011447885073721409, -0.004428769927471876, 0.013145999982953072, 0.024406803771853447, -0.046338390558958054, 0.003921493887901306, 0.01677967794239521, -0.0016288590850308537, -0.004799332935363054, -0.006767275743186474, -0.0034591895528137684, 0.015124735422432423, 0.043057285249233246, -0.050828319042921066, -0.02332749404013157, -0.010275034233927727, -0.013275517150759697, -0.003559925127774477, 0.019643448293209076, 0.023787999525666237, 0.012361700646579266, -0.002503999974578619, -0.01170691940933466, 0.04599301144480705, 0.013700045645236969, -0.009728183969855309, -0.061535079032182693, -0.013441011309623718, -0.0004663520085159689, 0.006612574681639671, -0.0023762814234942198, 0.0008103821310214698, -0.026392735540866852, 0.04052450507879257, 0.009641839191317558, 0.03897029906511307, 0.018319493159651756, 0.013527356088161469, -0.015211080200970173, -0.005580034106969833, -0.008015678264200687, -0.011411908082664013, -0.023701654747128487, -0.007929333485662937, 0.0064218961633741856, 0.007562367711216211, 0.016837241128087044, 0.019571494311094284, -0.0026784883812069893, -0.01803167723119259, 0.007677494082599878, -0.029817746952176094, 0.006756482645869255, 0.04213627427816391, -0.008756804279983044, -0.012987700290977955, 0.019226115196943283, 0.022895770147442818, -0.0007109956932254136, -0.007029907777905464, 0.021341562271118164, 0.007547976914793253, 0.014261286705732346, -0.006144873332232237, 0.006968746893107891, 0.009023034013807774, 0.008130804635584354, -0.005421735346317291, 0.02509756200015545, -0.030047999694943428, 0.019398804754018784, 0.03212027624249458, 0.02958749234676361, -0.00018865444872062653, 0.0009034726535901427, -0.0035365400835871696, -0.03013434447348118, -0.03073875792324543, -0.005227459594607353, -0.02870965376496315, -0.009857701137661934, -0.003112011356279254, -0.013138804584741592, 0.006346344482153654, 0.0033188792876899242, -0.00013412679254543036, 0.018002895638346672, -0.02853696420788765, -0.0051986780017614365, 0.008044459857046604, -0.02190280333161354, -0.03465305641293526, 0.03295494243502617, -0.0033890344202518463, 0.009864896535873413, 0.019801747053861618, 0.0043100458569824696, 0.026565425097942352, 0.014297263696789742, 0.026479080319404602, -0.014196528121829033, 0.020521286875009537, -0.03203393146395683, 0.012512804009020329, -0.007342907600104809, -0.009728183969855309, 0.004083390813320875, -0.015873057767748833, -0.010404551401734352, 0.0034753791987895966, -0.010275034233927727, -0.01713944785296917, 0.0916406437754631, 0.035199906677007675, -0.007119850255548954, 0.0005508979666046798, -0.04072597622871399, 0.004921655170619488, 0.040063999593257904, -0.003788379253819585, -0.021269608289003372, -0.04340266436338425, -0.010893838480114937, -0.006162861827760935, -0.0007321321754716337, -0.019298069179058075, -0.000703350524418056, -0.0070802755653858185, -0.015297424979507923, 0.016808459535241127, 0.005051172338426113, 0.0070442985743284225, 0.013347471132874489, 0.009922459721565247, 0.02836427465081215, 0.00972098857164383, -0.015139126218855381, -0.006921976804733276, 0.022852597758173943, -0.011778873391449451, 0.03203393146395683, -0.032638344913721085, -0.001591083244420588, 0.01368565484881401, -0.0371282733976841, -0.013721631839871407, -0.016851631924510002, -0.0012897758278995752, -0.012361700646579266, 0.00288175861351192, 0.027241792529821396, 0.007677494082599878, 0.025572458282113075, 0.017628734931349754, 0.007101861760020256, -0.011893999762833118, -0.021240826696157455, -0.007105459459125996, -0.021226435899734497, -0.017974114045500755, -0.023385057225823402], metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='4e438db4-0331-442c-a948-ceffafe685b9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='6d68bfd69cc029b5a4c3bc418642838d7fbbfb5ffae8d888c91813515be74be3'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='95ce35d0-ceea-4787-a8e9-09c833da2bca', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='2837a61fa167ae56612a9f1bfccac2dedb3d80a3ef623ff14e7f4f45436361c5'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='4ccc877a-ac28-4d90-8c31-fad31303a384', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f019be979fe677dabcac2ee3273fc5217f86e93819179b9f8f4a88095df4abbe')}, hash='f6052cf0b504adea83f8e2edc9258452d05be64f0bc9b2b70d9623c62434ce7f', text='For a given proximity graph, we start the search at some enter point (it can be random or supplied by a separate algorithm) and iteratively t raverse the graph. At each step of the traversal the algorithm examines the distances from a query to the neighbors of a current base node and then selects as the next base node the adjacent node that minimizes the distance, while co nstantly keeping track of the best discovered neighbors. ', start_char_idx=240, end_char_idx=673, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
428
       " TextNode(id_='4ccc877a-ac28-4d90-8c31-fad31303a384', embedding=[-0.0010413326090201735, 0.02284941077232361, 0.007964168675243855, -0.01993156410753727, -0.001408706302754581, 0.005359955597668886, -0.012552374973893166, -0.007893688976764679, -0.03588809445500374, -0.059371817857027054, 0.0006250638980418444, -7.950953295221552e-05, -0.007336901966482401, 0.01904352381825447, 0.006025985814630985, 0.011015924625098705, 0.02712045982480049, -0.010494377464056015, 0.003812933573499322, 0.0063360948115587234, -0.031546562910079956, 0.006033033598214388, -0.002339914906769991, -0.03284338489174843, 0.010734007693827152, 0.035549793392419815, 0.012996395118534565, -0.01704191043972969, -0.0019698983523994684, -0.014575133100152016, 0.024202613160014153, -0.01595652848482132, -0.010445041581988335, 0.028149457648396492, -0.00954290572553873, 0.0075835795141756535, 0.025569913908839226, -0.01997385174036026, 0.025654489174485207, -0.004581158980727196, 0.0007215325022116303, -0.014349598437547684, -0.012918868102133274, -0.016633130609989166, -0.01592833735048771, -0.005307096056640148, 0.003064090386033058, -0.03163113817572594, -0.006078845355659723, 0.027585623785853386, 0.018691128119826317, 0.025654489174485207, -0.027331897988915443, 0.018691128119826317, -0.016759993508458138, -0.01091020554304123, 0.0021742885001003742, -0.0015840237028896809, 0.00995873473584652, -0.015575939789414406, 0.016294829547405243, -0.0015197113389149308, -0.021510303020477295, 0.016703609377145767, -0.006343143060803413, -0.026316994801163673, -0.01787356659770012, 0.0008047862793318927, -0.0060436055064201355, -0.018550168722867966, 0.01911400444805622, 0.04183655232191086, -0.008196750655770302, -0.0036508310586214066, 0.030390702188014984, -0.016745897009968758, 0.01898714154958725, 0.008880400098860264, -0.008147414773702621, 0.02403346449136734, 0.005680636968463659, -0.03219497576355934, 0.004669257905334234, 0.02690902166068554, 0.0022694356739521027, 0.01406768150627613, 0.012411416508257389, 0.012643998488783836, -0.01911400444805622, 0.009712056256830692, 0.025753160938620567, 0.024569107219576836, 0.02198956161737442, -0.010684671811759472, -0.017239252105355263, 0.0045071556232869625, -0.027345994487404823, 0.0008378234342671931, 0.015223543159663677, -0.028671005740761757, -0.013130305334925652, 0.009007262997329235, 0.00398913212120533, -0.01581556908786297, -0.008168558590114117, -0.007040888536721468, -0.017281539738178253, -0.0005078919348306954, -0.007023268844932318, 0.01152337621897459, 0.008739441633224487, 0.01907171681523323, -0.005159089341759682, 0.020354440435767174, -0.015660515055060387, -0.022609779611229897, 0.024188518524169922, -0.023638779297471046, -0.0056489212438464165, -0.02689492516219616, 0.021143808960914612, 0.0038552212063223124, 0.015392693690955639, -0.013722332194447517, 0.01297525130212307, 0.013236024416983128, -0.017478883266448975, -0.018183676525950432, -0.028191745281219482, -0.037607789039611816, 0.010987733490765095, 0.029685908928513527, 0.016280733048915863, 0.019466400146484375, -0.014166352339088917, 0.023201806470751762, 0.008683057501912117, -0.022680260241031647, -0.02909388206899166, -0.04034239053726196, 0.01301049068570137, 0.03289976716041565, -0.003992656245827675, -0.005846263375133276, -0.013433367013931274, 0.03411201387643814, 0.003051756415516138, 0.027782965451478958, 0.017478883266448975, -0.02607736550271511, 0.0030588044319301844, -0.0011223838664591312, -0.0037354063242673874, 0.015787377953529358, 0.018395114690065384, 0.016647225245833397, 0.0022271480411291122, 0.01801452599465847, -0.015773281455039978, -0.04132910072803497, -0.013813955709338188, 0.02306084893643856, 0.004736213479191065, -0.008182654157280922, 0.014758379198610783, 0.024512723088264465, -0.010938397608697414, 0.014772474765777588, -0.029657717794179916, -0.035521600395441055, -0.010311131365597248, 0.017225157469511032, -0.026528432965278625, 0.014349598437547684, 0.009134125895798206, -0.011297842487692833, 0.03972217068076134, 0.017422499135136604, -0.028234032914042473, -0.012115403078496456, 0.01301753893494606, 0.0018976569408550858, -0.013440415263175964, 0.01697143167257309, -0.012756764888763428, -0.005546726286411285, 0.03312529996037483, 0.007710442412644625, 0.008140366524457932, -0.014687899500131607, -0.00324557488784194, 0.0020227578934282064, -0.006794210989028215, 0.001057190471328795, -0.615256667137146, -0.013088017702102661, 0.028656909242272377, -0.032307740300893784, -0.007301662117242813, 0.00854209903627634, 0.020706837996840477, 0.016435787081718445, 0.02115790545940399, 0.03693118691444397, -0.037833321839571, 2.3924440029077232e-05, -0.004866600036621094, 0.0014624468749389052, -0.022412437945604324, -0.011318986304104328, 0.0047432612627744675, -0.02690902166068554, 0.043584439903497696, 0.0021179048344492912, -0.024301284924149513, 0.030193360522389412, -0.007266422733664513, -0.001543498132377863, 0.007654059212654829, 0.007858449593186378, 0.02979867532849312, -0.04513498395681381, 0.0013126782141625881, 0.02190498635172844, -0.031602948904037476, 0.017591649666428566, 0.0069986009038984776, 0.020453112199902534, 0.050378650426864624, -0.01812729239463806, -0.016562649980187416, 0.018691128119826317, 0.036367353051900864, 0.020467206835746765, -0.03910195082426071, -0.018338730558753014, -0.006973933428525925, 0.004567062947899103, -0.007181847468018532, 0.01594243198633194, 0.018352827057242393, 0.003409439232200384, -0.013123258017003536, -0.04178016632795334, 0.013969010673463345, 0.013778716325759888, -0.019381824880838394, 0.011741862632334232, 0.010755151510238647, -0.014744283631443977, 0.016337117180228233, -0.007202991284430027, 0.02600688673555851, 0.011311938054859638, 0.002949561458081007, -0.013701188378036022, -0.00014349157572723925, -0.019184483215212822, -0.03109549544751644, 0.02806488238275051, -0.013891482725739479, 0.0009682102827355266, -0.02012890763580799, -0.014109969139099121, 0.01883208565413952, 0.018564265221357346, 0.005419863387942314, 0.007477860897779465, 0.01814138889312744, 0.031433798372745514, 0.022623876109719276, 0.012862483970820904, -0.01297525130212307, -0.011072308756411076, 0.006166944280266762, 0.0013584897387772799, -0.02597869373857975, -0.003175095422193408, 0.028614621609449387, 0.0023504868149757385, -0.033407218754291534, 0.009768440388143063, -0.01405358500778675, -0.0032878622878342867, 0.00018985378846991807, -0.0006241828668862581, -0.02906569093465805, -0.04008866474032402, 0.006928121671080589, 0.022807123139500618, 0.0016298353439196944, 0.007520148064941168, 0.02513294108211994, -0.04426104202866554, -0.030249742791056633, -0.022511109709739685, 0.005803975742310286, -0.025612201541662216, 0.01239732000976801, 0.0026288803201168776, 0.005606633611023426, 0.0023962983395904303, 0.019522784277796745, -0.028600526973605156, 0.011861677281558514, -0.010501425713300705, -0.00673077953979373, -0.00421114219352603, 0.007224135100841522, -0.022243287414312363, 0.0440073162317276, -0.00576521223410964, -0.006780114956200123, -0.021284768357872963, 0.025302091613411903, 0.0011902202386409044, 0.012199978344142437, -0.005268332548439503, 0.0003063649928662926, 0.0058603594079613686, 0.013969010673463345, -0.017549362033605576, -0.02383612096309662, -0.01801452599465847, 0.002264149719849229, -0.016562649980187416, 0.021679453551769257, -0.012876580469310284, 0.023737451061606407, -0.013567278161644936, 0.008809920400381088, 0.007016220595687628, -0.006649727933108807, -0.03233593329787254, -0.02712045982480049, 0.003798837773501873, -0.004767929203808308, -0.05305686593055725, -0.0032649566419422626, 0.0004059170896653086, -0.025316188111901283, 0.009620433673262596, -0.007329854182898998, -0.0035803518258035183, -0.01204492338001728, -0.014476461336016655, -0.03103911317884922, 0.01914219558238983, -6.414723611669615e-05, 0.0028737960383296013, 0.0028632241301238537, -0.018578359857201576, -0.0055185342207551, -0.020495399832725525, -0.007273470517247915, 0.035634368658065796, -0.0220036581158638, -0.00894383154809475, -0.005578441545367241, -0.018324635922908783, 0.013595469295978546, 0.003090520156547427, 0.01800042949616909, -0.037833321839571, -0.007590627763420343, -0.017591649666428566, -0.0070549845695495605, 0.01406768150627613, -0.004736213479191065, 0.010649432428181171, -0.00312223588116467, -0.001804271712899208, 0.005881503224372864, -0.008076935075223446, -0.0014034203486517072, -0.00013798537838738412, -0.012319792993366718, -0.008394092321395874, 0.020509494468569756, -0.0009867111220955849, 0.020523590967059135, 0.0021337626967579126, -0.026246516034007072, 0.0011232648976147175, 0.020410824567079544, 0.02097465842962265, -0.023399149999022484, -0.0035715417470782995, -0.021284768357872963, 0.0039961799047887325, 0.004891267977654934, 0.0004973200266249478, -0.007308710366487503, 0.02979867532849312, 0.009979878552258015, -0.02304675243794918, 0.021482110023498535, -0.024695970118045807, 0.02299036830663681, -0.026725774630904198, 0.014145208522677422, -0.0038270296063274145, 0.014377790503203869, 0.011720718815922737, 0.013207833282649517, -0.012714477255940437, -0.010452089831233025, -0.013482702895998955, 0.02191908285021782, 0.03529606759548187, -0.017817184329032898, 0.0014139922568574548, -0.00427104951813817, 0.016731800511479378, 0.005423387046903372, -0.01200968399643898, 0.0341402031481266, 0.0013320599682629108, -0.006138752680271864, 0.007724538445472717, 0.005123849958181381, 0.027782965451478958, -0.011156883090734482, -0.013228977099061012, -0.010536665096879005, -0.013095065951347351, 0.009571097791194916, 0.014673803932964802, 0.010205412283539772, 0.009176413528621197, 0.00777387386187911, -0.0005043679848313332, 0.008718297816812992, -0.012164738029241562, 0.012552374973893166, 0.006025985814630985, 0.008274277672171593, -0.01688685640692711, 0.009014311246573925, 0.0019928039982914925, 0.03721310570836067, 0.009211652912199497, 0.005983698181807995, 0.02394888922572136, 0.005384623538702726, 0.01592833735048771, 0.0031204738188534975, 0.019621456041932106, 0.0036684509832412004, -0.012467799708247185, 0.01993156410753727, 0.02010071463882923, 0.0311236884444952, 0.03227955102920532, 0.01305277831852436, -0.020495399832725525, 0.015336309559643269, -0.014659708365797997, -0.005677112843841314, -0.05500209704041481, 0.011375369504094124, 0.02108742669224739, 0.016576746478676796, -0.009916447103023529, 0.010311131365597248, -0.008929735980927944, 0.014257975853979588, -0.012326841242611408, 0.019649647176265717, -0.002931941533461213, 0.018465593457221985, -0.005892075132578611, 0.03216678276658058, 0.0161115825176239, -0.026232419535517693, -0.014532845467329025, 0.007647010963410139, 0.01598471961915493, -0.009253940545022488, -0.03005240112543106, -0.0006105275242589414, 0.020777316763997078, -0.007590627763420343, -0.005779307801276445, -0.009853015653789043, -0.002970705274492502, 0.009761392138898373, -0.022595684975385666, -0.014927529729902744, -0.009190509095788002, 0.01043094601482153, -0.005166137591004372, -0.004866600036621094, 0.0027205036021769047, 0.01602700725197792, 0.0031116639729589224, -0.005796927958726883, -0.010261795483529568, 0.04378178343176842, -0.013877387158572674, -0.014307310804724693, -0.016534458845853806, -0.009246892295777798, -0.005053370725363493, -0.014828858897089958, -0.007463764864951372, 0.003745978232473135, 0.007442621048539877, 0.006822402589023113, -0.0036684509832412004, 0.0008272515260614455, 0.02297627367079258, 0.032533276826143265, -0.0026993597857654095, -0.011586807668209076, -0.022708451375365257, -0.006540485192090273, 0.019254961982369423, 0.049335554242134094, 0.02218690514564514, -0.0025178752839565277, 0.004172378219664097, -0.006247995886951685, -0.007823209278285503, -0.021749932318925858, 0.0029301797039806843, 0.02198956161737442, 0.013073922134935856, -0.00907774269580841, -0.009394899010658264, 0.017648033797740936, 0.014434173703193665, 0.0359162837266922, 0.009761392138898373, 0.006663823965936899, -0.028656909242272377, -0.006406574510037899, 0.028332704678177834, 0.001282724435441196, -0.02396298386156559, 0.005233092699199915, 0.033322643488645554, -0.01454694103449583, 0.014272071421146393, 0.026500241830945015, -0.007083176169544458, 0.001036927686072886, -0.0280366912484169, -0.0077950176782906055, 0.023159518837928772, 0.019748318940401077, 0.008612578734755516, -0.004521251190453768, 0.020086620002985, 0.016196157783269882, 0.02793802134692669, 0.010734007693827152, -0.0280366912484169, 0.03225135803222656, 0.0017285064095631242, 0.013581373728811741, -0.004500107374042273, 0.012228169478476048, -0.014927529729902744, 0.013278312049806118, 0.016774088144302368, -0.0318002887070179, -0.008704201318323612, 0.02105923369526863, -0.03002420999109745, -0.020692741498351097, -0.01341222319751978, -0.004930031485855579, -0.007280518300831318, -0.009091838262975216, -0.0018254155293107033, 0.005063942633569241, -0.029263032600283623, 0.0033988673239946365, -0.007040888536721468, 0.010149029083549976, 0.0037283585406839848, -0.005310620181262493, -0.019480496644973755, -0.012136546894907951, 0.011706622317433357, -0.026725774630904198, -0.010987733490765095, 0.020439015701413155, -0.01883208565413952, -0.033322643488645554, -0.011156883090734482, 0.014575133100152016, 0.03312529996037483, 0.01245370414108038, 0.008203797973692417, -0.035352449864149094, 0.0178876630961895, -0.011826437897980213, -0.004471915774047375, -0.004831360653042793, -0.0024614918511360884, 0.007604723330587149, -0.006850594189018011, -0.013257168233394623, -0.0008457523654215038, -0.012904771603643894, -0.030306126922369003, 0.005666540935635567, -0.0034605369437485933, 0.0019963281229138374, -0.006822402589023113, 0.010416850447654724, -0.0049018398858606815, 0.02489331178367138, 0.027557432651519775, 0.012418463826179504, -0.01809910126030445, 0.01542088482528925, 0.006589820608496666, -0.005620729178190231, 0.005976650398224592, 0.025499435141682625, -0.00420409394428134, 0.007414429448544979, -0.0025689727626740932, -0.0071853711269795895, -0.018507881090044975, 0.023469628766179085, -0.014814762398600578, 0.011030021123588085, 0.0015249972930178046, 0.009669768624007702, 0.03828439116477966, 0.030644427984952927, 0.01718286983668804, 0.013997201807796955, -0.006424194201827049, -0.0016818138537928462, -0.004965271335095167, 0.008083983324468136, 0.007858449593186378, -0.024287188425660133, 0.021707644686102867, -0.01595652848482132, -0.0013232501223683357, -0.019269058480858803, -0.006346666719764471, -0.002944275503978133, 0.011678431183099747, 0.004197046160697937, -0.021200193092226982, -0.009148221462965012, -0.0020985230803489685, -0.009761392138898373, -0.006755447015166283, -0.02710636332631111, -0.006128180772066116, 0.007520148064941168, -0.023695163428783417, 0.019212674349546432, 0.004412008449435234, -0.008972023613750935, -0.020424919202923775, -0.03185667470097542, 0.0038728411309421062, 0.022215096279978752, 0.020537687465548515, -0.0109665896743536, -0.008267229422926903, -0.002884367946535349, -0.040426965802907944, -0.0005122969159856439, -0.014532845467329025, -0.015153063461184502, 0.020340343937277794, 0.02592231146991253, 0.012256361544132233, 0.03081357851624489, -0.0017619840800762177, 0.017760800197720528, 0.034591272473335266, 0.0007514862227253616, -0.005803975742310286, -0.002211290178820491, -0.0105578089132905, -0.018677031621336937, 0.00026319638709537685, 0.03913014382123947, -0.003342483891174197, 0.017690321430563927, 0.01502620056271553, 0.020312152802944183, 0.023540107533335686, -0.0011047640582546592, -0.02413213439285755, -0.0026341662742197514, -0.04967385530471802, -0.004359148908406496, 0.0010492615401744843, -0.0016509791603311896, 0.01298229955136776, -0.02411803975701332, -0.011748909950256348, -0.01205901987850666, 0.006966885179281235, 0.017267445102334023, -0.0006391597562469542, 0.0280366912484169, 0.0022236239165067673, 0.006540485192090273, 0.03213858976960182, 0.03315349295735359, -0.028262225911021233, 0.012207025662064552, -0.021425727754831314, -0.011459944769740105, 0.02017119526863098, -0.030390702188014984, 0.009310323745012283, -0.01914219558238983, 0.004334480967372656, -0.0011911012697964907, -0.005201376974582672, -0.009091838262975216, -0.026514336466789246, -0.006963361520320177, -0.0006153729627840221, -0.0028403184842318296, -0.014405982568860054, -0.03188486397266388, 0.004175902344286442, -0.01894485391676426, -0.00598722230643034, -0.009874159470200539, 0.005222520790994167, -0.027388282120227814, -0.030221551656723022, 0.004059611354023218, 0.005159089341759682, 0.031433798372745514, -0.0039997040294110775, 0.027162747457623482, 0.013926723040640354, -0.018254155293107033, -0.01618206314742565, 0.009775487706065178, 0.00806988775730133, -0.004330956842750311, 0.013355839997529984, 0.025175228714942932, -0.04296422004699707, -0.030447086319327354, 0.0007708680350333452, -0.003078186186030507, -0.01148813683539629, -0.06083778664469719, 0.02813536301255226, 0.030277935788035393, 0.014828858897089958, -0.02912207320332527, 0.0005158208659850061, -0.03213858976960182, 0.04118813946843147, -0.010184268467128277, 0.0021108570508658886, 0.007463764864951372, -0.005028702784329653, -0.0064488621428608894, 0.041357289999723434, 0.013510894030332565, 0.0420902781188488, -0.005768735893070698, -0.0063889543525874615, 0.008112175390124321, -0.00501460675150156, -0.011142787523567677, 0.012749717570841312, -0.011072308756411076, 0.040539730340242386, -0.015237638726830482, 0.0011690764222294092, 0.029544949531555176, 0.00902135856449604, 0.014575133100152016, 0.02293398603796959, 0.0009911160450428724, 0.03411201387643814, -0.027303706854581833, -0.010346370749175549, -0.005828643683344126, 0.004574110731482506, 0.011297842487692833, -0.006135228555649519, -0.0023504868149757385, -0.017253348603844643, -0.01056485716253519, 0.003180381376296282, 0.02203184925019741, 0.001458922866731882, 0.019438209012150764, 0.010289987549185753, -0.0038939849473536015, -0.017408402636647224, -0.030418893322348595, 0.012108354829251766, 0.003143379697576165, -0.044571150094270706, -0.03617000952363014, -0.007851401343941689, -0.010304083116352558, -0.0030993300024420023, -0.014673803932964802, -0.030475277453660965, 0.018169580027461052, 0.02311723120510578, -0.0311236884444952, 0.012178834527730942, 0.0419493168592453, 0.01302458718419075, -0.03777693957090378, 0.0025813067331910133, -0.0021196668967604637, -0.03495776653289795, 0.04383816570043564, -0.016407595947384834, -0.04262591898441315, 0.0004030538839288056, -0.005691208876669407, 0.01915629208087921, 0.028149457648396492, -0.004619922488927841, 0.016238445416092873, -0.00793597660958767, -0.00427104951813817, -0.017619840800762177, -0.0011126929894089699, 0.012665142305195332, -0.0030447086319327354, 0.004700973629951477, 0.02586592733860016, -0.006212756037712097, 0.02514703758060932, -0.012228169478476048, -0.00349753862246871, -0.016224350780248642, -0.04682648926973343, -0.010339322499930859, -0.006589820608496666, 0.006572200916707516, -0.0039961799047887325, -0.005867407191544771, -0.00421114219352603, -0.0005263927741907537, -0.01684456877410412, 0.015124871395528316, 0.004383816383779049, -0.008337709121406078, 0.015138967894017696, -0.004655161872506142, -0.01590014435350895, -0.001136479782871902, -0.021637165918946266, -0.0047925966791808605, 0.011368321254849434, 0.020565878599882126, -0.050632376223802567, -0.0011972682550549507, 0.020269865170121193, 0.06072502210736275, 0.026260610669851303, -0.013398127630352974, -0.02704998105764389, 0.002334628952667117, -0.05765211954712868, -0.023793833330273628, -0.014272071421146393, 0.0179581418633461, 0.006914025638252497, 0.019254961982369423, 0.002327580936253071, 0.019832894206047058, -0.029826868325471878, -0.006959837395697832, -0.001414873288013041, -0.004486011806875467, -0.00446839164942503, 0.002207766054198146, 0.0014932815684005618, 0.0038446492981165648, -0.04981481656432152, 0.010762198828160763, 0.00250730337575078, 0.0030394226778298616, -0.0160411037504673, 0.004894792102277279, -0.005920266732573509, -0.011058212257921696, 0.0010228317696601152, -0.008577338419854641, 0.025358475744724274, -0.001136479782871902, 0.008478667587041855, -0.03213858976960182, 0.0006792448693886399, 0.016576746478676796, -0.006036557722836733, -0.02186269871890545, -0.006145800463855267, -0.005007558967918158, 0.006135228555649519, 0.002176050329580903, -0.016534458845853806, -0.010452089831233025, 0.01543498132377863, -0.024287188425660133, 0.03822800889611244, 0.006110561080276966, 0.016590842977166176, 0.05105525255203247, -0.014716091565787792, 0.005226044915616512, -0.0064946734346449375, -0.02003023587167263, -0.03275880962610245, 0.0019839941523969173, 0.007308710366487503, -0.01900123618543148, 0.009916447103023529, 0.001955802319571376, 0.005018130876123905, -0.006018938031047583, 0.0022236239165067673, 0.004017323721200228, -0.015322213992476463, -0.01498391292989254, 0.025175228714942932, 0.008126270957291126, -0.004937079735100269, -0.002486159559339285, 0.00841523613780737, -0.00036164725315757096, -0.002096761018037796, -0.0024421100970357656, -0.006639156024903059, -0.006677919998764992, 0.02307494357228279, 0.005451579112559557, -0.003034136723726988, -0.01191806048154831, 0.001282724435441196, 0.01292591542005539, -0.013278312049806118, -0.004239333793520927, 0.19858266413211823, -0.003564493963494897, 0.023469628766179085, 0.011650239117443562, -0.0048983157612383366, -0.00792892836034298, 0.0359162837266922, 0.021439822390675545, 0.014109969139099121, -0.003289624350145459, -0.0006898167775943875, 0.0017822469817474484, -0.025400763377547264, 0.0008387044654227793, 0.03721310570836067, -0.027684295549988747, -0.04364082217216492, -0.037635982036590576, -0.016224350780248642, 0.0077456822618842125, -0.00894383154809475, -0.005004034843295813, -0.008795824833214283, -0.02191908285021782, 0.019184483215212822, -0.018705222755670547, -0.020692741498351097, -0.00749195646494627, 0.02585183084011078, 0.00674839923158288, -0.020354440435767174, -0.009747296571731567, 0.02590821497142315, -0.0018941329326480627, 0.009979878552258015, -0.015110775828361511, 0.03907376155257225, 0.006198660004884005, 0.018451496958732605, 0.024428147822618484, -0.0039010329637676477, -0.021707644686102867, 0.00902840681374073, 0.007023268844932318, 0.01401834562420845, 0.0015769758028909564, -0.004073707386851311, 0.021496206521987915, 0.0005788117996416986, 0.00777387386187911, -0.02595050260424614, -0.017591649666428566, 0.024258997291326523, 0.018352827057242393, -0.014716091565787792, -0.0013664186699315906, -0.013158497400581837, 0.03425297141075134, 0.010254747234284878, -0.0033283880911767483, -0.031518373638391495, -0.009909398853778839, 0.020565878599882126, 0.008859256282448769, -0.012087211012840271, 0.03115187957882881, -0.019170386716723442, 0.01790175959467888, 0.015604131855070591, -0.00398913212120533, -0.0039503686130046844, -0.027289610356092453, -0.009592241607606411, 0.004581158980727196, -0.039468444883823395, -0.023159518837928772, 0.02511884644627571, -0.0028773201629519463, 0.002241243841126561, 0.02410394325852394, -0.007107844110578299, 0.02616194076836109, 0.0067871627397835255, 0.00019194615015294403, -0.022609779611229897, -0.034534890204668045, 0.004637542180716991, -0.00950766634196043, -0.017662128433585167, -0.018677031621336937, -0.015265830792486668, 0.027416473254561424, -0.01581556908786297, -0.007143083494156599, 0.008732393383979797, 0.004679829813539982, 0.02788163721561432, 0.009909398853778839, -0.019748318940401077, 0.007611771579831839, -0.014088825322687626, 0.036536503583192825, 0.02689492516219616, -0.00386579311452806, -0.012792005203664303, -0.009874159470200539, 0.0075060524977743626, 0.021397534757852554, -0.011727766133844852, 0.0058074998669326305, -0.007520148064941168, -0.022327862679958344, 0.0048489803448319435, -0.010931349359452724, 0.00362616335041821, 0.032420508563518524, 0.014871146529912949, -0.0008188821375370026, -0.00806988775730133, 0.00036891544004902244, 0.01691504754126072, -0.015604131855070591, 0.009141174145042896, 0.02580954320728779, -0.006346666719764471, 0.02396298386156559, -0.023314574733376503, -0.003090520156547427, -0.010642384178936481, -0.03693118691444397, 0.01394081860780716, -0.019790606573224068, 0.006082369014620781, 0.01397605799138546, -0.0008461928809992969, -0.011544520035386086, -0.020509494468569756, -0.02499198354780674, 0.0025901165790855885, -0.007717490661889315, 0.02010071463882923, 0.004552966915071011, 0.0008853970211930573, 0.031236454844474792, 0.006209231913089752, -0.011833485215902328, 0.0054092914797365665, 0.026514336466789246, -0.001713529578410089, -0.023342765867710114, 0.0032032872550189495, -0.027360089123249054, 0.018395114690065384, -0.019395921379327774, 0.024470435455441475, -0.015787377953529358, -0.008528003469109535, -0.043387096375226974, 0.013031634502112865, 0.013806907460093498, -0.0281071700155735, 0.010113788768649101, 0.02993963472545147, -0.01353908609598875, -0.004760880954563618, -0.009331467561423779, -0.1806527078151703, 0.012672189623117447, 0.023610588163137436, -0.022285575047135353, 0.023399149999022484, 0.009888255037367344, 0.009366707876324654, 0.007358045782893896, -0.0015223543159663677, -0.004232286009937525, 0.021524397656321526, -0.0060999891720712185, -0.009655673056840897, -0.019212674349546432, 0.006357238627970219, -0.005550249945372343, 0.028248129412531853, 0.013299455866217613, 0.011586807668209076, 0.013306504115462303, -0.00012807422899641097, -0.03098272904753685, 0.011685478501021862, 0.014518748968839645, -0.023300478234887123, 0.010755151510238647, -0.01599881611764431, 0.01609748788177967, -0.014032441191375256, -0.009098886512219906, 0.004588206764310598, -0.025499435141682625, 0.0068435464054346085, -0.006272663362324238, -0.008964975364506245, 0.01984698884189129, -0.009275084361433983, -0.0020192337688058615, -0.0169291440397501, 0.051393553614616394, 0.03391467034816742, 0.0322231650352478, 0.0280366912484169, 0.014518748968839645, -0.026429761201143265, 0.005634825211018324, 0.01489933766424656, -0.009444234892725945, 0.002764553064480424, -0.007231182884424925, -0.011544520035386086, 0.005053370725363493, 0.028515951707959175, 0.002530209254473448, 0.003612067550420761, 0.006470005959272385, 0.03126464784145355, 0.004355624783784151, 0.015153063461184502, -0.017196964472532272, -0.03287157416343689, -0.0030623283237218857, 0.003268480533733964, -0.01055076066404581, -0.009655673056840897, -0.02499198354780674, -0.022764835506677628, 0.0011699574533849955, -0.022200999781489372, -0.008718297816812992, -0.024484531953930855, 0.001218412071466446, 0.01819777302443981, 0.0019646123982965946, 0.031461987644433975, 0.005215473007410765, 0.004309813026338816, 0.011156883090734482, -0.008788776583969593, 0.015364501625299454, -0.0034993004519492388, 0.0337173268198967, -0.008309517055749893, -0.012883627787232399, 0.0027345994021743536, -0.023554204031825066, -0.018564265221357346, -0.01704191043972969, 0.0027345994021743536, 0.010874966159462929, 0.008126270957291126, -0.017648033797740936, 0.024385860189795494, -0.021270671859383583, 0.01598471961915493, -0.004697449505329132, 0.018536072224378586, -0.008704201318323612, 0.012305697426199913, -0.02310313656926155, -0.0008827540441416204, -0.010339322499930859, -0.025626298040151596, -0.0027892207726836205, 0.04479668289422989, 0.020650453865528107, 0.007224135100841522, 0.004856028128415346, 0.020777316763997078, -0.022200999781489372, -0.002738123293966055, 0.014187496155500412, 0.0322231650352478, 0.012629901990294456, -0.01718286983668804, 0.02510474994778633, -0.0008968499023467302, -0.02704998105764389, 0.024329476058483124, -0.010825630277395248, 0.056524451822042465, 0.00035922450479120016, -0.019269058480858803, -0.021735835820436478, 0.015138967894017696, -0.0007942143711261451, -0.12573519349098206, -0.004239333793520927, 0.022609779611229897, 0.006762495264410973, -0.04020142927765846, 0.006963361520320177, -0.012333888560533524, 0.008901543915271759, -0.016604937613010406, 0.046516381204128265, -0.020650453865528107, -0.0037530262488871813, -0.012115403078496456, -0.004581158980727196, 0.014039489440619946, -0.018324635922908783, 0.02110152132809162, -0.025344379246234894, 0.017196964472532272, 0.031574755907058716, -0.0026940738316625357, -0.016393501311540604, -0.020255770534276962, 0.009803679771721363, -0.007724538445472717, 0.007442621048539877, -0.026500241830945015, 0.024540914222598076, 0.014342551119625568, 0.015674611553549767, 0.013313552364706993, -0.020255770534276962, 0.007484908681362867, -0.01704191043972969, -0.002068569418042898, -0.009810728020966053, -0.030390702188014984, -0.007576531730592251, 0.033407218754291534, -0.018395114690065384, 0.009853015653789043, 0.007879593409597874, 0.012228169478476048, -0.002301151165738702, -0.01498391292989254, -0.009401947259902954, -0.02690902166068554, 0.02993963472545147, -0.009394899010658264, -0.014088825322687626, -0.00312223588116467, -0.03701576218008995, -0.018691128119826317, -0.0018430354539304972, 0.024258997291326523, -0.02282121777534485, -0.004630494397133589, 0.005183757282793522, -0.017521170899271965, 0.009662721306085587, -0.01990337297320366, 0.0013461558846756816, -0.012594662606716156, 0.010741055011749268, 0.019762413576245308, 0.01454694103449583, -0.03273061662912369, -0.011748909950256348, 0.014772474765777588, -0.0025178752839565277, -0.017196964472532272, 0.023159518837928772, -0.0115163279697299, 0.004884220194071531, -0.04192112758755684, -0.031546562910079956, -0.020213482901453972, -0.0169291440397501, -0.005747592076659203, -0.0077950176782906055, -0.012467799708247185, -0.026218323037028313, 0.0022535778116434813, -0.019663743674755096, 0.009190509095788002, -0.007393285632133484, -0.015110775828361511, -0.010529616847634315, 0.011784150265157223, -0.044599343091249466, 0.027416473254561424, 0.007907784543931484, -0.002241243841126561, -0.005384623538702726, 0.00954290572553873, 0.019508687779307365, -0.003664927091449499, 0.002762791234999895, 0.017450690269470215, 0.004542395006865263, -0.03086996264755726, -0.004697449505329132, -0.0600484199821949, 0.01905762031674385, 0.007548340130597353, -0.010783342644572258, -0.008471619337797165, -0.016492171213030815, 0.013433367013931274, -0.00029337036539800465, -0.016802281141281128, 0.002075617201626301, -0.01688685640692711, 0.012221122160553932, -0.00950766634196043, -0.0068435464054346085, -0.01986108534038067, -0.01784537546336651, 0.006575724575668573, -0.0068435464054346085, 0.023610588163137436, 0.02609146200120449, 0.0018553693080320954, 0.0011866963468492031, 0.01685866340994835, 0.005441007204353809, -0.0034570128191262484, -0.0219331793487072, -0.008654866367578506, 0.004521251190453768, 0.011840533465147018, 0.002954847412183881, 0.023793833330273628, -0.04183655232191086, 0.0008695391588844359, 0.007058508228510618, -0.00995168648660183, -0.014701995998620987, -0.0002317009202670306, 0.013045731000602245, -0.0011144549353048205, 0.04521955922245979, -0.045529671013355255, -0.009105933830142021, -0.007914832793176174, -0.013602517545223236, 0.0006810068734921515, 0.009733200073242188, 0.030193360522389412, 0.002653548028320074, -0.010304083116352558, -0.012474847957491875, 0.03205401450395584, 0.013228977099061012, -0.00020879511430393904, -0.05232388153672218, -0.027444664388895035, 0.012157690711319447, 0.010240651667118073, -0.011882821097970009, -0.0010025689844042063, -0.03315349295735359, 0.037607789039611816, 0.0046340180560946465, 0.030616236850619316, -0.002436824142932892, 0.02307494357228279, -0.03086996264755726, -0.026556624099612236, -0.007047936320304871, -0.015843762084841728, -0.02903749793767929, -0.006061225198209286, 0.013073922134935856, 0.028417279943823814, 0.01341927144676447, 0.007379189599305391, -0.015195351094007492, -0.012629901990294456, 0.0003391819482203573, -0.0359162837266922, 0.021270671859383583, 0.028234032914042473, -0.016421692445874214, -0.020551782101392746, 0.016393501311540604, 0.013821003958582878, -0.025457147508859634, -0.010015117935836315, 0.023469628766179085, 0.004334480967372656, 0.009796631522476673, 0.0007959763170219958, 0.008112175390124321, -0.013348791748285294, -0.013799860142171383, -0.00990235060453415, 0.026373378932476044, -0.017774896696209908, 0.00236634467728436, 0.03904556855559349, 0.01602700725197792, -0.00031671664328314364, -0.0003349972248543054, -0.007153655402362347, -0.019466400146484375, -0.014913434162735939, 0.0021830983459949493, -0.016534458845853806, -0.005638349335640669, 0.005581965669989586, -0.016337117180228233, 0.013109161518514156, -6.910281808814034e-05, 0.003953892271965742, 0.016435787081718445, -0.021693548187613487, 0.002923131687566638, 0.0014950435142964125, -0.03794609010219574, -0.04104718193411827, 0.027811158448457718, -0.010487329214811325, 0.007181847468018532, 0.015012104995548725, 0.012030827812850475, 0.024315381422638893, 0.00794302485883236, 0.026739871129393578, -0.015730993822216988, 0.017464786767959595, -0.03383009508252144, 0.008598482236266136, -0.013151449151337147, -0.00628675939515233, 0.008598482236266136, -0.003679022891446948, -0.022778930142521858, 0.019720125943422318, -0.0039010329637676477, -0.030362511053681374, 0.09534448385238647, 0.041582826524972916, -0.004982891026884317, 0.009599289856851101, -0.023328669369220734, 0.016323020681738853, 0.036367353051900864, -0.003922176547348499, -0.018648840487003326, -0.04118813946843147, 0.0024086323101073503, -0.008859256282448769, 0.014716091565787792, -0.03588809445500374, -0.009331467561423779, -0.0051414696499705315, -0.021707644686102867, 0.021298864856362343, 0.0015540700405836105, 0.007809113711118698, 0.004919459577649832, 0.016351213678717613, 0.013236024416983128, 0.0077950176782906055, -0.008838112466037273, -0.01155861560255289, 0.000919755722861737, -0.006075321231037378, 0.03086996264755726, -0.03780513256788254, -0.003240288933739066, 0.018634743988513947, -0.04118813946843147, -0.019776510074734688, -0.01550546009093523, 0.004891267977654934, 0.006424194201827049, -0.007315758150070906, 0.019579168409109116, -0.0033178161829710007, 0.03464765474200249, 0.009014311246573925, -0.0015188303077593446, -0.012686286121606827, -0.008091031573712826, -0.012989346869289875, -0.024484531953930855, -0.01398310624063015, -0.014969817362725735], metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='4e438db4-0331-442c-a948-ceffafe685b9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='6d68bfd69cc029b5a4c3bc418642838d7fbbfb5ffae8d888c91813515be74be3'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='222db67c-4c76-43d4-ae7d-fdb097aebeb7', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f6f59e5a9c74f94461bc37678ae707814eb0f25ad7fb5b4ef4d0d2ba45938f46'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='3edf4852-cc8a-40f9-8a1e-c6a769a04945', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='9ebd41883facac66642cda2109849cf55aa5ee0835f8af1a4f18ad0390f50048')}, hash='b9418844df768bc19995ab8c69b5e83d230e897cb0fc9fe09533f64582ed9455', text='The search is terminated when some stopping condition is met (e.g. the number of distance calculations). Links to the closest neighbors in a k-NN graph serve as a simple approximation of the Delaunay graph [25, 26] ( a graph which guranties that the result of a basic greedy graph traversal is always the nearest neighbor). Unfortunately, Delaunay graph cannot be efficiently constructed without prior information about the structure of a space [4], but its approximation by the nearest neighbors can be done by using only distances between the stored elements . It was shown that proximity graph approaches with such approximation perform competitive to other k-ANNS thechniques , such as kd-trees or LSH [18-26]. The main drawbacks of the k-NN graph approach es are: 1) the power law scaling of the number of steps with the dataset size during the routing process [28, 29] ; 2) a possible loss of global connectivity which leads to poor search results on clusetered data . To overcome these problems many hybrid approaches have been proposed that use auxiliary algorithms applicable only for vector data (such as kd-trees [18, 19] and product quantization [10]) to find better candidates for the enter nodes by doing a coarse search. In [25, 26, 30] authors proposed a proximity graph K-ANNS algorithm called Navigable Small World (NSW, also known as Metricized Small World, MSW), which utilized navigable graphs, i.e. graphs with logarithmic or polylogarithmic scaling of the number of hops during the greedy traversal with the respect of the network size [31, 32]. The NSW graph is constructed via consec utive insertion of elements in random order by bidirectio nally connecting them to the M closest neighbors from the previously inserted elements. The M closest neighbors are found using the structure’s search procedure (a variant of a greedy search from multipl e random enter nodes ). Links to the closest neighbors of the elements inserted in the beginning of the construction later become bridges betwee n the network hubs that keep the overall graph connectivity and allow the logarithmic scaling of the number of hops during greedy routing . Const ruction phase of the NSW structure can be eff iciently parallelized without global synchronization and without mesuarable effect on accuracy [26] , being a good choice for distributed search systems. The NSW approach delivered the state-of-the-art performance on some d atasets [33, 34] , however, due to the overall polylogarit hmic complexity scaling , the algorithm was still prone to severe performance degradation on low dimensional d atasets (on which NSW could lose to tree-based algorithms by several orders of magnitude [34]). 2.2 Navigable small world models Networks with logarithmic or polylogarithmic scaling of the greedy graph r outing are known as the navigable small world networks [31, 32] . Such networks are an i mportant topic of complex network theory aiming at u nderstanding of underlying mechanisms of real-life ne tworks formation in order to apply them for appli cations of scalable routing [32, 35, 36] and distributed similarity search [25, 26, 30, 37-40]. The first works to consider spatial models of navigable networks were done by J. Kleinberg [31, 41] as social ne twork models for the famous Milgram experiment [42]. Kleinberg studied a variant of random Watts-Strogatz networks [43], using a regular lattice graph in d-dimensional vector space together with augmentation of long-range links following a specific long link length di stribution r-\\uf061. For \\uf061=d the number of hops to get to the target by greedy routing scales polylogarithmically (i nstead of a power law for any other value of \\uf061). This idea has inspired development of many K-NNS and K-ANNS algorithms based on the navigation effect [37-40]. But even though the Kleinberg’s navigability criterion in principle can be extended for more general spaces, in o rder to build such a navigable network one has to know the data distribution beforehand . In addition, g reedy routing in Kleinberg’s graphs suffers fr om polylogarit hmic complexity scalability at best. Another well-known class of navigable networks are the scale-free models [32, 35, 36] , which can reproduce several features of real-life networks and advertised for routing applications [35]. However, n etworks produced by such models have even worse power law complexity scaling of the greedy search [44] and, just like the Klei nberg’s model, scale-free models require global knowledge of the data distribution, making them unusable for search applications. The above-described NSW algorithm uses a simpler, previously unknown model of navigable networks, a llowing decentralized graph construction and suitable for data in arbitrary spaces. It was suggested [44] that the NSW network formation mechanism may be respon sible for navigability of large-scale biological neural networks (presence of which is disputable): similar models were able to describe growth of small brain networks, while the model predicts several high-level features observed in large scale neural net works. However, the NSW model also suffers from the polylogarithmic search complexity of the routing process. 3 MOTIVATION The ways of improving the NSW search complexity can be identified through the analysis of the routing process, which was studied in detail in [32, 44] . The routing can be divided into two phases: “zoom-out” and “zoom-in” [32]. The greedy algorithm starts in the “zoom-out” phase ', start_char_idx=673, end_char_idx=6175, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
429
       " TextNode(id_='3edf4852-cc8a-40f9-8a1e-c6a769a04945', embedding=[0.0011280025355517864, 0.028634879738092422, -0.008988010697066784, -0.02151937037706375, -0.0123297069221735, 0.015772229060530663, -0.011479878798127174, 0.0005437458166852593, -0.029066994786262512, -0.05473468080163002, -0.0034317204263061285, 0.004033081699162722, -0.0004892811994068325, 0.023435084149241447, 0.004205928184092045, 0.009369713254272938, 0.025926953181624413, 9.220441825164016e-06, 0.0061144400388002396, 0.000755752669647336, -0.03776692971587181, 0.006161252502351999, -0.01920034922659397, -0.039668239653110504, 0.010946935974061489, 0.03886162117123604, 0.017227020114660263, -0.002436053240671754, -0.0033615014981478453, 0.000886737834662199, 0.029700765386223793, -0.008879981935024261, 0.0010559832444414496, 0.01017632894217968, -0.009758616797626019, 0.007648451253771782, 0.014036564156413078, -0.02388160489499569, 0.01977650448679924, 0.0022884136997163296, 0.009175260551273823, -0.0102771557867527, -0.01058683916926384, -0.015945076942443848, -0.01643480733036995, -0.015945076942443848, -0.0005032349727116525, -0.027540186420083046, 0.0004865804803557694, 0.02987361140549183, 0.01774556003510952, 0.03310007601976395, -0.026531916111707687, 0.009664991870522499, -0.015440940856933594, 0.005336631089448929, 0.00285196490585804, 0.0025026712100952864, 0.005059356801211834, -0.02252764254808426, 0.01706857793033123, -0.005091765429824591, -0.030420958995819092, 0.030334535986185074, -0.004151913337409496, -0.015729017555713654, -0.007979740388691425, -0.010406791232526302, -0.0013044498628005385, -0.018580982461571693, 0.026747973635792732, 0.04531455412507057, -0.02558126114308834, -0.0010613846825435758, 0.02339187264442444, -0.015455344691872597, 0.012682600878179073, 0.01080289762467146, -0.008649519644677639, 0.01288425549864769, 0.0013395592104643583, -0.0343388095498085, 0.0023802383802831173, 0.03180373087525368, 0.006755411624908447, 0.015700209885835648, 0.017947213724255562, 0.008253413252532482, -0.02609979920089245, -0.008174192160367966, 0.04125266522169113, 0.029311861842870712, 0.017385462298989296, -0.018105655908584595, -0.0011144989402964711, -0.003267876338213682, -0.020467888563871384, 0.00584796816110611, 0.01206323504447937, -0.018163271248340607, -0.016550038009881973, 0.00896640494465828, 0.0026827193796634674, -0.0068706427700817585, -0.010212338529527187, -0.006326896604150534, -0.020136600360274315, -0.0014790967106819153, -0.0033777058124542236, 0.006226069759577513, -0.00504135200753808, 0.020093388855457306, -0.009218472056090832, 0.01472074817866087, -0.006337699480354786, -0.023852797225117683, 0.034252386540174484, -0.01266819704324007, 0.0011199003783985972, -0.016737287864089012, 0.022124333307147026, 0.009355309419333935, 0.021432947367429733, -0.006316093727946281, 0.026661550626158714, 0.013496419414877892, -0.011271023191511631, -0.02605658769607544, -0.01312912069261074, -0.038890428841114044, 0.027496974915266037, 0.020424677059054375, 0.0012738415971398354, 0.01223608199506998, -0.02635907009243965, 0.03370504081249237, 0.016895731911063194, -0.033676233142614365, -0.03358981013298035, -0.048281747847795486, 0.012430533766746521, 0.0324086919426918, -0.0031562463846057653, -0.011206205002963543, -0.0017320645274594426, 0.03399311751127243, -0.0029870010912418365, 0.03252392262220383, 0.007299157325178385, -0.029470304027199745, 0.0028501644264906645, -0.0029491910245269537, -0.0067518106661736965, 0.010630050674080849, 0.016405999660491943, 0.028894148766994476, 0.00043729227036237717, 0.012027225457131863, -0.019718889147043228, -0.033330537378787994, -0.017961617559194565, 0.024572990834712982, 0.010982945561408997, -0.009340904653072357, 0.009801828302443027, 0.025840530171990395, -0.016031499952077866, 0.01496561337262392, -0.02195148728787899, -0.01948842592537403, -0.013827708549797535, 0.011659926734864712, -0.033676233142614365, 0.005757944192737341, 0.019762100651860237, -0.01871061883866787, 0.030622612684965134, 0.010795695707201958, -0.02839001454412937, -0.023046180605888367, 0.01131423469632864, -0.0028087531682103872, 0.0014016758650541306, 0.023852797225117683, -0.02287333458662033, -0.010925330221652985, 0.03600965812802315, 0.022210756316781044, 0.014115785248577595, -0.010896522551774979, -0.002985200611874461, 0.006906652357429266, -0.018595386296510696, -0.005765146110206842, -0.6047317981719971, -0.020381465554237366, 0.022945353761315346, -0.02929745800793171, -0.013791698962450027, 0.00937691517174244, 0.008296624757349491, 0.024097662419080734, 0.01649242267012596, 0.027108069509267807, -0.02615741454064846, 0.0018671007128432393, -0.0011532092466950417, 0.007756480015814304, -0.03572158142924309, -0.009535357356071472, 0.0011568102054297924, -0.030622612684965134, 0.0391496978700161, 0.0010136718628928065, -0.021937083452939987, 0.030449766665697098, -0.011119781993329525, -0.014202209189534187, 0.0038458313792943954, 0.01312191877514124, 0.03687388822436333, -0.04560263082385063, -0.0014250822132453322, 0.019257964566349983, -0.017097385600209236, 0.011667128652334213, 0.018941080197691917, 0.0123297069221735, 0.052775755524635315, -0.018105655908584595, -0.009989079087972641, 0.016089115291833878, 0.027929089963436127, 0.005556290037930012, -0.03785335272550583, -0.02108725532889366, 0.003701792797073722, 0.0033723043743520975, -0.014303036034107208, 0.01823529042303562, 0.014029362238943577, -0.012488149106502533, -0.018941080197691917, -0.04816651716828346, 0.008476673625409603, 0.0011334039736539125, -0.004313956946134567, 0.0038278265856206417, 0.005610304418951273, -0.02156258374452591, 0.019329983741044998, -0.011595109477639198, 0.015642594546079636, 0.010874916799366474, -0.005923588760197163, -0.011760754510760307, 0.0028501644264906645, -0.02470262534916401, -0.026186222210526466, 0.023996835574507713, -0.014879190362989902, 0.012099244631826878, -0.010579637251794338, -0.006805825047194958, 0.01643480733036995, 0.034972578287124634, 0.009232875891029835, 0.007922125048935413, 0.014583910815417767, 0.026531916111707687, 0.03085307404398918, -0.0024684621021151543, -0.00824621133506298, 0.00270252488553524, 0.004407581873238087, 0.003683788003399968, -0.020813582465052605, 0.0016924538649618626, 0.02117367833852768, 0.005257409997284412, -0.03491496294736862, 0.0008295724983327091, -0.013417198322713375, -0.0008003146504051983, 0.007439595181494951, -0.007972538471221924, -0.02344948798418045, -0.0434996671974659, 0.009996281005442142, 0.027064858004450798, 0.00580115569755435, 0.005286217667162418, 0.024112066254019737, -0.04519932344555855, -0.02605658769607544, -0.0200645811855793, -0.0017923807026818395, -0.026085395365953445, 0.013921333476901054, 0.010666060261428356, -0.0028645682614296675, -0.000755752669647336, 0.022412410005927086, -0.024529779329895973, 0.013186736963689327, -0.015296902507543564, -0.012243283912539482, 0.005455463193356991, -0.012387322261929512, -0.020482292398810387, 0.03690269589424133, 0.000787261116784066, -0.006146848667412996, -0.007068695966154337, 0.022498833015561104, 0.00748280668631196, 0.015253691002726555, -0.014036564156413078, 0.0045012072660028934, -0.0028411620296537876, 0.010161925107240677, -0.008332634344696999, -0.03350338339805603, -0.009636184200644493, 0.0017176606925204396, -0.019762100651860237, 0.028015512973070145, -0.01496561337262392, 0.030132880434393883, -0.0050377510488033295, 0.00025566856493242085, 0.0062584783881902695, -0.0045156111009418964, -0.030132880434393883, -0.02160579524934292, 0.009809030219912529, 0.001562819117680192, -0.048656247556209564, -0.012322505004703999, -0.007309960667043924, -0.02123129367828369, 0.022498833015561104, -0.00437517324462533, -0.006316093727946281, -0.005955997388809919, -0.009276087395846844, -0.029326265677809715, 0.01928677223622799, -0.005347433965653181, 0.0042959521524608135, 0.008707134984433651, -0.01624755747616291, -0.0161899421364069, -0.017227020114660263, 0.0014565906021744013, 0.036240119487047195, -0.021144870668649673, -0.007540422026067972, -0.004900914151221514, -0.01585865393280983, 0.013597246259450912, -0.005113371182233095, 0.013734083622694016, -0.02905259095132351, -0.02388160489499569, -0.02039586938917637, -0.013287563808262348, 0.025149144232273102, -0.01297788042575121, 0.00328047969378531, -0.002837561070919037, -0.009917059913277626, -0.00662577711045742, -0.009866646490991116, -0.0010541827650740743, 0.0012927467469125986, -0.00783570110797882, -0.011271023191511631, 0.025149144232273102, 0.0017257628496736288, 0.012624985538423061, 0.00254408223554492, -0.017716750502586365, 0.0026683155447244644, 0.014670334756374359, 0.019661273807287216, -0.016089115291833878, 0.0017563709989190102, -0.02252764254808426, 0.0027367339935153723, 0.013798900879919529, 0.004764077719300985, -0.006110839080065489, 0.031198767945170403, 0.010147521272301674, -0.018969887867569923, 0.008202999830245972, -0.02234039083123207, 0.021260101348161697, -0.02716568484902382, 0.010370781645178795, -0.006380911450833082, 0.0018400935223326087, 0.01837932877242565, 0.005613905377686024, -0.026431089267134666, -0.008231807500123978, -0.004159115254878998, 0.01085331104695797, 0.04612116888165474, -0.019560445100069046, 0.009744212962687016, -0.002626904519274831, 0.019690081477165222, 0.00916085671633482, -0.008807961829006672, 0.029066994786262512, -8.034654456423596e-05, -0.014490285888314247, 0.006359305698424578, 0.023708758875727654, 0.0285340528935194, -0.008930395357310772, -0.017673538997769356, -0.003165248781442642, -0.00841185636818409, 0.004371572285890579, 0.01124221459031105, 0.01745748147368431, 0.00869993306696415, 0.013424400240182877, -0.01022674236446619, 0.007749278098344803, -0.004202327225357294, 0.019502829760313034, 0.013741285540163517, 0.008613510057330132, -0.02837561070919037, 0.014879190362989902, 0.0002594945835880935, 0.04433508962392807, -0.00513857789337635, -0.0048613036051392555, 0.02416968159377575, 0.006867041811347008, 0.02818835899233818, 0.01760151982307434, 0.019646869972348213, 0.013741285540163517, -0.004843298811465502, 0.016751691699028015, 0.018048040568828583, 0.03206299990415573, 0.03370504081249237, 0.013719679787755013, -0.023190218955278397, 0.024731433019042015, -0.013057101517915726, 0.0005567993503063917, -0.0531790629029274, 0.012394524179399014, 0.024342527613043785, 0.006380911450833082, -0.018883464857935905, 0.0036909899208694696, 0.0005968600744381547, 0.0023352261632680893, -0.02281571924686432, 0.017947213724255562, -0.007778085768222809, 0.013942939229309559, -0.00017757262685336173, 0.02798670530319214, 0.01170313823968172, -0.02755459025502205, -0.012387322261929512, 0.013676468282938004, 0.014022160321474075, -0.014655930921435356, -0.03016168810427189, 0.006323295645415783, 0.024832259863615036, -0.00938411708921194, -0.003624371951445937, -0.012624985538423061, -0.0048901112750172615, -0.003505540080368519, -0.023074988275766373, -0.018408136442303658, -0.009391319006681442, 0.016261961311101913, -0.0068850466050207615, -0.0008043657289817929, 0.006888647563755512, 0.017414269968867302, 0.006344901397824287, -0.007299157325178385, -0.014699142426252365, 0.04897313565015793, -0.01557057537138462, -0.014699142426252365, -0.01778877153992653, -0.0024972697719931602, 0.005423054564744234, -0.014187805354595184, -0.015887461602687836, 0.004717265255749226, 0.012344110757112503, 0.006175656337291002, -0.0035487518180161715, 0.004133908543735743, 0.017702346667647362, 0.034165963530540466, -0.005779549945145845, -0.008015749976038933, -0.02558126114308834, -0.01104776281863451, 0.023031776770949364, 0.03716196492314339, 0.02872130274772644, -0.004972933791577816, 0.0005459964158944786, -0.006787820253521204, -0.01827850192785263, -0.013885323889553547, 0.005563491955399513, 0.02025183103978634, 0.01764473132789135, -0.0027187291998416185, -0.018264098092913628, 0.012257687747478485, 0.021735429763793945, 0.02625824138522148, 0.01595948077738285, 0.0048180921003222466, -0.031400419771671295, 0.005491472780704498, 0.03214942291378975, -0.01058683916926384, -0.019214753061532974, 0.008908789604902267, 0.02219635248184204, -0.006733805872499943, 0.015786632895469666, 0.023463891819119453, -0.015556171536445618, 0.007425191346555948, -0.02242681384086609, -0.016607653349637985, 0.02281571924686432, 0.02016540803015232, 0.014691940508782864, -0.002655712189152837, 0.01996375434100628, 0.011415061540901661, 0.018148867413401604, 0.008829567581415176, -0.022412410005927086, 0.039581816643476486, 0.0069714696146547794, 0.014447074383497238, 0.0031364411115646362, 0.008303826674818993, -0.0072739506140351295, 0.01358284242451191, 0.012783428654074669, -0.027713032439351082, -0.009081635624170303, 0.022743700072169304, -0.034310001879930496, -0.015095248818397522, -0.012754620984196663, -0.013013890013098717, -0.020093388855457306, -0.020006965845823288, -0.0008772852597758174, 0.0010136718628928065, -0.022657277062535286, -0.016737287864089012, -0.012128052301704884, 0.01836492493748665, -0.008663923479616642, -0.01649242267012596, -0.02039586938917637, -0.016521230340003967, 0.016996558755636215, -0.01793280988931656, -0.010601243004202843, 0.009737011045217514, -0.0038458313792943954, -0.03678746521472931, -0.01109817624092102, 0.010313166305422783, 0.02412647008895874, 0.01085331104695797, 0.018782638013362885, -0.02650310844182968, 0.006470935419201851, -0.015829846262931824, -0.0102699538692832, -0.002680918900296092, -0.005448261275887489, -0.0022037909366190434, -0.013568438589572906, -0.005261010956019163, -0.00147729623131454, -0.0017392664449289441, -0.0357791967689991, 0.0023766374215483665, -0.005397847853600979, 0.0008772852597758174, 0.002778145018965006, 0.002304618014022708, -0.0015520162414759398, 0.027108069509267807, 0.01799042522907257, 0.013179535046219826, -0.02344948798418045, 0.005188991781324148, 0.009823434986174107, -0.017961617559194565, 0.01688132807612419, 0.027496974915266037, -0.009643386118113995, 0.01288425549864769, -0.01145827304571867, -0.0030248111579567194, -0.022599661722779274, 0.02833239920437336, -0.020179811865091324, 0.02866368740797043, 0.011501484550535679, 0.006888647563755512, 0.03361861780285835, 0.024529779329895973, 0.00930489506572485, 0.016233153641223907, -0.01891227252781391, -0.0015196074964478612, -0.01500882487744093, 0.01150868646800518, 0.01768794283270836, -0.021865064278244972, 0.023420680314302444, -0.021649006754159927, 0.0009101440664380789, -0.01581544242799282, -0.025264374911785126, -0.0008975407108664513, 0.011199003085494041, 0.007698864676058292, -0.008123778738081455, -0.02310379594564438, 0.00133505801204592, -0.012718611396849155, -0.014951209537684917, -0.034310001879930496, -0.01325155422091484, 0.005992006976157427, -0.023420680314302444, 0.018163271248340607, 0.00892319343984127, -0.010889320634305477, -0.019085118547081947, -0.03137161210179329, 0.010918128304183483, 0.029139013960957527, 0.013676468282938004, -0.008116576820611954, 0.0012360315304249525, -0.00759083591401577, -0.043442051857709885, 0.004670452326536179, -0.018840253353118896, -0.000638721277937293, 0.013971746899187565, 0.01778877153992653, 0.010118713602423668, 0.026085395365953445, -0.002880772575736046, 0.01136464811861515, 0.029671957716345787, 0.004133908543735743, 0.002207391895353794, -0.005394246894866228, -0.004303154069930315, -0.008217403665184975, 0.009326500818133354, 0.032034192234277725, 0.003838629461824894, 0.013474813662469387, 0.00462724082171917, 0.020136600360274315, 0.019301176071166992, 0.0069570657797157764, -0.0324086919426918, -0.008678327314555645, -0.05928630009293556, -0.009780222550034523, -0.004879308398813009, -0.00687784468755126, 0.008584702387452126, -0.03056499734520912, -0.017227020114660263, -0.02529318258166313, -0.002806952688843012, 0.013791698962450027, -0.008130980655550957, 0.0232046227902174, 0.004897313192486763, -0.0011171996593475342, 0.02045348472893238, 0.03742123767733574, -0.029340669512748718, 0.02625824138522148, -0.014158997684717178, -0.004900914151221514, 0.01571461372077465, -0.019646869972348213, 0.015095248818397522, -0.01852336712181568, 0.0013503622030839324, -0.0010199735406786203, -0.008469471707940102, -0.005966800265014172, -0.02035265788435936, 0.005610304418951273, -0.005505876615643501, 0.008368643932044506, -0.020194215700030327, -0.019502829760313034, 0.006989474408328533, -0.020900005474686623, -0.00748280668631196, -0.005772348027676344, 0.0035145424772053957, -0.027424955740571022, -0.019214753061532974, 0.007547624409198761, 0.014058169908821583, 0.036816272884607315, -0.004972933791577816, 0.0066941953264176846, 0.024659413844347, -0.015368921682238579, -0.017947213724255562, 0.018436944112181664, -0.0027997507713735104, 0.0008786356193013489, 0.01462712325155735, 0.013878121972084045, -0.04404701292514801, -0.0207991786301136, 0.002866368740797043, -0.004090697038918734, -0.005289818625897169, -0.06095714867115021, 0.025696491822600365, 0.020323850214481354, 0.020712755620479584, -0.019113926216959953, -0.0055886986665427685, -0.025509241968393326, 0.027036050334572792, -0.004061889369040728, 0.012761822901666164, -0.005793953780084848, -0.0026341064367443323, 0.006085631903260946, 0.03442523255944252, -0.0031436430290341377, 0.04655328392982483, -0.004634442739188671, -0.0013422599295154214, -0.011299830861389637, -0.004782082512974739, -0.009124847128987312, 0.011386253871023655, -0.008037355728447437, 0.05067278817296028, -0.012913063168525696, -0.006233271677047014, 0.02790028229355812, 0.0043823751620948315, 0.009225673973560333, 0.002045348519459367, -0.004728068131953478, 0.03390669450163841, -0.032898422330617905, -0.007453999016433954, -0.0033723043743520975, 0.009348107501864433, 0.0020921609830111265, 0.002358632627874613, -0.00998187717050314, -0.011235012672841549, -0.03177492320537567, 0.006596969440579414, 0.02402564324438572, -0.008030153810977936, 0.022037910297513008, 0.01647801883518696, -0.00887278001755476, -0.017385462298989296, -0.02746816724538803, 0.009873848408460617, 0.0010856911540031433, -0.04439270496368408, -0.027482571080327034, -0.018580982461571693, -0.014022160321474075, 0.0027763445395976305, -0.011076570488512516, -0.040244393050670624, 0.00911044329404831, 0.036096081137657166, -0.022354794666171074, 0.009686597622931004, 0.033676233142614365, 0.009088837541639805, -0.04759036377072334, 0.0013647660380229354, -0.0008835869957692921, -0.028361206874251366, 0.04257781803607941, -0.010471608489751816, -0.03301365301012993, -0.0032030590809881687, -0.010435598902404308, 0.021692218258976936, 0.03330172970890999, -0.0067662145011126995, -0.0003717997169587761, -0.010522021912038326, 0.0028555658645927906, -0.0054878718219697475, -0.0019697281531989574, 0.02151937037706375, -0.00022202204854693264, -0.005711131729185581, 0.02876451425254345, -0.001574522233568132, 0.029038187116384506, -0.01384931430220604, -0.009564165025949478, -0.016809308901429176, -0.058681339025497437, -0.02339187264442444, -0.005639112554490566, 0.004180721007287502, 0.0027673421427607536, 0.002720529679208994, -0.006089232861995697, 0.0018319913651794195, -0.01462712325155735, 0.014951209537684917, -0.008779154159128666, -0.017039770260453224, 0.01389972772449255, -0.0073351673781871796, -0.017702346667647362, -0.006600570399314165, -0.01256737019866705, -0.002238000277429819, 0.023175815120339394, 0.011767956428229809, -0.049203597009181976, 0.003672985127195716, 0.02107285149395466, 0.06107237935066223, 0.022858930751681328, -0.016319576650857925, -0.0319189615547657, -0.00782849919050932, -0.05594460293650627, -0.012639389373362064, -0.015268094837665558, 0.014540699310600758, 0.0037846150808036327, 0.01891227252781391, -0.00397906731814146, 0.017860790714621544, -0.012200071476399899, -0.00453361589461565, 0.00042783975368365645, -0.005822761449962854, -0.011112580075860023, 0.00851268321275711, -0.005387044511735439, 0.006352103780955076, -0.045861899852752686, 0.0014583910815417767, 0.0042815483175218105, 0.015095248818397522, -0.011371850036084652, 0.014511891640722752, -0.011861581355333328, -0.0024558587465435266, 0.001257637282833457, -0.00823900941759348, 0.017615923658013344, 0.0002820006338879466, -0.001380070112645626, -0.0362689271569252, 0.004713664297014475, 0.013762891292572021, -0.00014966513845138252, -0.02765541709959507, 0.009103241376578808, -0.01836492493748665, 0.00540144881233573, -0.004101499915122986, -0.016607653349637985, -0.018969887867569923, 0.00621166592463851, -0.019834119826555252, 0.03491496294736862, 0.004789284430444241, 0.005901983007788658, 0.04321159049868584, -0.0018004828598350286, 0.019906139001250267, -0.0003546951338648796, -0.013467611744999886, -0.03263915330171585, 0.003228265792131424, 0.006557358428835869, -0.030334535986185074, 0.007547624409198761, -0.003997072111815214, 0.010212338529527187, -0.00580115569755435, 0.004029480740427971, -0.010435598902404308, -0.025840530171990395, -0.027525782585144043, 0.0324086919426918, 0.007317162584513426, -0.014526295475661755, -0.005927189718931913, -0.0036711846478283405, 0.0006220668437890708, 0.0061432477086782455, 0.003365102456882596, 0.002617902122437954, -0.016650864854454994, 0.02905259095132351, -0.005534684285521507, -0.0032300662714987993, -0.022988565266132355, -0.002050749957561493, 0.0212745051831007, 0.0008745845407247543, 0.0035271458327770233, 0.19070714712142944, 0.009088837541639805, 0.02886534109711647, 0.01716940477490425, -0.013590044341981411, -0.004540817812085152, 0.03399311751127243, 0.01567140221595764, 0.006017213687300682, 0.002857366343960166, -0.012956274673342705, 0.01155909989029169, -0.0148647865280509, -0.003341696225106716, 0.035116616636514664, -0.038170237094163895, -0.038515929132699966, -0.0309394970536232, -0.01856657862663269, 0.011307032778859138, -0.005243006162345409, -0.00884397141635418, -0.013273159973323345, -0.02030944637954235, 0.01182557176798582, -0.019329983741044998, -0.02412647008895874, -0.01186878327280283, 0.027396148070693016, 0.011494282633066177, -0.012516956776380539, -0.014281430281698704, 0.015584980137646198, -0.008995212614536285, 0.008332634344696999, -0.014980017207562923, 0.03520303964614868, 0.009513751603662968, 0.0025908949319273233, 0.009866646490991116, -0.011638320982456207, -0.021937083452939987, -0.0036909899208694696, 0.015124056488275528, 0.013215544633567333, 0.008973606862127781, -0.005955997388809919, 0.022412410005927086, -0.008591904304921627, 0.00795093271881342, -0.01832171343266964, -0.024328123778104782, 0.03165969252586365, 0.022830123081803322, -0.019906139001250267, 0.0019463219214230776, -0.001993134617805481, 0.02378077805042267, 0.0020489494781941175, -0.0027583397459238768, -0.03641296550631523, 0.004069091286510229, 0.03209180757403374, -0.0029815996531397104, -0.0006999376928433776, 0.02461620233952999, -0.02121688984334469, 0.011076570488512516, 0.00884397141635418, 0.008152586407959461, -0.008642317727208138, -0.024112066254019737, -0.010723675601184368, -0.00671940203756094, -0.04269304871559143, -0.017875194549560547, 0.05150821432471275, 0.0008282221388071775, 0.004933323245495558, 0.030334535986185074, -0.007108306512236595, 0.02455858699977398, 0.0012477346463128924, 0.0004078093625139445, -0.020266234874725342, -0.048569824546575546, -0.0027133277617394924, -0.0038998459931463003, -0.01496561337262392, -0.024198489263653755, -0.0103995893150568, 0.02146175503730774, -0.01948842592537403, -0.0055886986665427685, 0.01817767508327961, 0.0036909899208694696, 0.019589252769947052, 0.015440940856933594, -0.02223956398665905, 0.009189664386212826, -0.008599106222391129, 0.03828546777367592, 0.03456927090883255, -0.004205928184092045, -0.011415061540901661, -0.013784497044980526, 0.002313620410859585, 0.013647659681737423, 0.0017284635687246919, -0.00193371856585145, 0.007079498842358589, -0.03249511495232582, 0.004285149276256561, -0.020583119243383408, -0.001089292112737894, 0.036960311233997345, 0.014108583331108093, -0.019085118547081947, -0.0007742076413705945, -0.012747419066727161, 0.016276365146040916, -0.019070714712142944, 0.015368921682238579, 0.033330537378787994, 0.0022794113028794527, 0.021591391414403915, -0.024155277758836746, 0.0021551779936999083, -0.010406791232526302, -0.029211033135652542, 0.01996375434100628, -0.01610351912677288, 0.005480669904500246, 0.0068994504399597645, 0.0026935222558677197, -0.017082981765270233, -0.03194776922464371, -0.029081398621201515, -0.011681532487273216, -0.004756875801831484, 0.006539353635162115, -0.00313103967346251, 0.00800134614109993, 0.039869893342256546, 0.00335970101878047, -0.012624985538423061, 0.004047485534101725, 0.030305728316307068, -0.0031868547666817904, -0.029268650338053703, 0.0033542995806783438, -0.0367298498749733, 0.019618060439825058, -0.022253967821598053, 0.0050089433789253235, -0.025321990251541138, -0.0036351748276501894, -0.040734123438596725, 0.004497606307268143, 0.010363579727709293, -0.03050738200545311, 0.01114138774573803, 0.03321530669927597, -0.009866646490991116, -0.0017275633290410042, -0.00748280668631196, -0.18552175164222717, 0.013842112384736538, 0.03747885301709175, -0.02833239920437336, 0.009643386118113995, 0.010673262178897858, 0.011393455788493156, 0.010946935974061489, -0.003168849740177393, 0.006557358428835869, 0.016794905066490173, -0.0034695304930210114, -0.003770211013033986, -0.015700209885835648, -0.0029185826424509287, 0.0013566638808697462, 0.030536189675331116, 0.006013612728565931, 0.01450468972325325, 0.002603498287498951, -0.010831705294549465, -0.03739243000745773, 0.027496974915266037, 0.023319853469729424, -0.0005288918619044125, 0.011544696055352688, -0.011911994777619839, 0.015512960031628609, -0.010025088675320148, -0.010471608489751816, 0.004047485534101725, -0.013575640507042408, 0.0014556903624907136, -0.01017632894217968, -0.013409996405243874, 0.017659135162830353, -0.002657512668520212, -0.009168058633804321, -0.01114138774573803, 0.05346713960170746, 0.0309394970536232, 0.020914409309625626, 0.025710895657539368, 0.012077638879418373, -0.026373473927378654, 0.006488940212875605, 0.015368921682238579, -0.0007467502728104591, 0.006474536377936602, -0.010147521272301674, -0.011422263458371162, 0.005433857440948486, 0.03742123767733574, 0.005282616708427668, 0.004029480740427971, 0.007381979841738939, 0.02431371994316578, 0.012769024819135666, 0.006190060172230005, -0.012128052301704884, -0.02064073644578457, -0.008649519644677639, 0.004731669090688229, -0.0063629066571593285, -0.00024351531465072185, -0.03739243000745773, -0.01799042522907257, 0.004245538730174303, -0.030046457424759865, -0.0032606744207441807, -0.019790908321738243, -0.0009605576051399112, 0.020078985020518303, 0.0032840806525200605, 0.019502829760313034, 0.016794905066490173, 0.0029131812043488026, 0.0023352261632680893, -0.018206482753157616, 0.016074711456894875, -0.0023424283135682344, 0.03768050670623779, -0.003672985127195716, -0.011616715230047703, 8.49040225148201e-05, -0.023521509021520615, -0.020050177350640297, -0.012257687747478485, 0.008995212614536285, -0.0005694027058780193, 0.014331843703985214, -0.007670057006180286, 0.014022160321474075, -0.010118713602423668, 0.01764473132789135, -0.005318626295775175, 0.009088837541639805, -0.004836096893996, 0.013013890013098717, -0.01731344312429428, 0.003176051890477538, -0.005181789863854647, -0.030766651034355164, 0.00015596683078911155, 0.04577547684311867, 0.02644549310207367, 0.0014745955122634768, 0.009513751603662968, 0.02223956398665905, -0.015685806050896645, 0.010356377810239792, 0.008757548406720161, 0.035404693335294724, 0.012797832489013672, -0.017947213724255562, 0.03886162117123604, 0.0024756640195846558, -0.0297295730561018, 0.022181948646903038, -0.012545764446258545, 0.05191152170300484, 0.003042815951630473, -0.02823157049715519, -0.02683439664542675, 0.013892525807023048, 0.004566024523228407, -0.11718983203172684, -0.004090697038918734, 0.012351312674582005, 0.011465474963188171, -0.04756155610084534, 0.006488940212875605, -0.005955997388809919, 0.007144316099584103, -0.024284912273287773, 0.0468989759683609, -0.016809308901429176, -0.01223608199506998, -0.009499347768723965, 0.0043679713271558285, 0.009218472056090832, -0.012682600878179073, 0.017904002219438553, -0.020972024649381638, 0.0061864592134952545, 0.025062721222639084, -0.004205928184092045, -0.01842254027724266, -0.008397452533245087, 0.007605239748954773, -0.005919987801462412, 0.0148647865280509, -0.027108069509267807, 0.014576708897948265, 0.014850382693111897, 0.022023506462574005, 0.003345297183841467, -0.01614673063158989, -0.006049622315913439, -0.005379842594265938, -0.00040330816409550607, -0.005358236841857433, -0.011271023191511631, -0.0038170237094163895, 0.033474575728178024, -0.02064073644578457, 0.005059356801211834, 0.014497487805783749, 0.012812236323952675, 0.003770211013033986, -0.012387322261929512, -0.004227533936500549, -0.017054174095392227, 0.027151281014084816, -0.014339045621454716, -0.007994144223630428, -0.006798623129725456, -0.024817856028676033, -0.013013890013098717, -0.0043247598223388195, 0.014835978858172894, -0.0263446643948555, -0.0036855884827673435, -0.004130307585000992, -0.021879468113183975, 0.012646591290831566, -0.0060244156047701836, -0.005901983007788658, -0.019747696816921234, 0.019315579906105995, 0.02702164649963379, 0.012898659333586693, -0.03641296550631523, -0.019618060439825058, 0.007115508429706097, -0.008721538819372654, -0.01686692424118519, 0.023276641964912415, -0.019906139001250267, 0.005361837800592184, -0.03295603767037392, -0.020050177350640297, -0.03212061524391174, -0.025005105882883072, 0.0116023113951087, -0.00925448164343834, -0.008087769150733948, -0.02605658769607544, 0.007158719934523106, -0.022686084732413292, 0.01518167182803154, 0.0023856398183852434, -0.006409719120711088, 0.0009911658708006144, 0.024774644523859024, -0.04007154703140259, 0.026949627324938774, 0.0061288438737392426, -0.0034695304930210114, -0.007367576006799936, 0.017803175374865532, 0.01604590378701687, -0.00026422087103128433, 0.010327570140361786, 0.013273159973323345, 0.009434530511498451, -0.04439270496368408, -0.0016600452363491058, -0.05617506429553032, 0.03108353540301323, 0.00047262676525861025, -0.004097898956388235, -0.0026070992462337017, -0.027813859283924103, 0.011573503725230694, 0.001551116001792252, -0.019474022090435028, 0.004432789050042629, -0.019978158175945282, 0.007072296924889088, -0.02045348472893238, -0.0051565831527113914, -0.011933600530028343, -0.021533774212002754, 0.008397452533245087, -0.01614673063158989, 0.01865300163626671, 0.029095802456140518, -0.008008548058569431, 0.0022253969218581915, 0.014778363518416882, 0.011753552593290806, -0.000872784061357379, -0.02839001454412937, -0.001759971957653761, -0.0005050354520790279, 0.01320114079862833, 0.0067230029962956905, 0.016751691699028015, -0.04283708706498146, 0.004666851367801428, 0.0129346689209342, 0.0008889884338714182, -0.018883464857935905, 0.011256618425250053, 0.009240077808499336, 0.00805175956338644, 0.04782082512974739, -0.046005938202142715, -0.022398006170988083, -0.012048831209540367, -0.008836769498884678, 0.0007206432637758553, 0.02156258374452591, 0.024342527613043785, 0.014850382693111897, -0.014591112732887268, -0.009664991870522499, 0.03912089020013809, 0.016838116571307182, -0.002911380724981427, -0.05822041258215904, -0.019906139001250267, 0.007475604768842459, 0.014353449456393719, -0.013762891292572021, -0.011379051953554153, -0.03701792657375336, 0.033820271492004395, 0.010709271766245365, 0.03016168810427189, 0.016017096117138863, 0.02601337619125843, -0.038890428841114044, -0.014684738591313362, -0.0123297069221735, -0.016895731911063194, -0.025797318667173386, 0.0002871770120691508, 0.016622057184576988, 0.030593805015087128, 0.029427092522382736, 0.006136045791208744, -0.013482015579938889, -0.01904190704226494, 0.008678327314555645, -0.04908836632966995, 0.013654861599206924, 0.023996835574507713, -0.01639159582555294, -0.004033081699162722, 0.02117367833852768, 0.025883741676807404, -0.02527877874672413, -0.007345970254391432, 0.023852797225117683, 0.0043823751620948315, 0.020295042544603348, 0.0016105319373309612, 0.016895731911063194, -6.245425174711272e-05, -0.007936528883874416, -0.004256341606378555, 0.018825849518179893, -0.018869061022996902, -0.004674053750932217, 0.02867809124290943, 0.02190827578306198, -0.0037486052606254816, -0.0024108465295284986, -0.0017698747105896473, -0.028490841388702393, -0.011501484550535679, 0.006906652357429266, -0.017428673803806305, 0.018408136442303658, 0.005441059358417988, -0.023809585720300674, 0.014158997684717178, -0.001987733179703355, 0.014389459043741226, 0.019445214420557022, -0.014807171188294888, -0.0003074324631597847, 0.007173123769462109, -0.03615369647741318, -0.03321530669927597, 0.022009102627635002, -0.0036675836890935898, 0.0005878576776012778, 0.027496974915266037, 0.01119180116802454, 0.02422729693353176, 0.015945076942443848, 0.03543350100517273, -0.021245697513222694, 0.009362511336803436, -0.029671957716345787, 0.013222746551036835, -0.01380610279738903, -0.005462665110826492, -0.0002194338449044153, 0.004508409183472395, -0.023190218955278397, 0.02408325858414173, -0.0012909462675452232, -0.020367061719298363, 0.09460457414388657, 0.034886155277490616, 0.0004316657723393291, -0.0009006915497593582, -0.028029916808009148, 0.018206482753157616, 0.021576987579464912, -0.02123129367828369, -0.01284104399383068, -0.04868505522608757, 0.014727950096130371, -0.012480947189033031, 0.009953069500625134, -0.03263915330171585, -0.006092833820730448, -0.006290887016803026, -0.023823989555239677, 0.020367061719298363, 0.01170313823968172, -0.006845436058938503, 0.014173401519656181, 0.01823529042303562, 0.008793557994067669, -0.0013449606485664845, -0.008210201747715473, -0.003096830565482378, 0.0021569784730672836, -0.01252415869385004, 0.027151281014084816, -0.02949911169707775, 0.005289818625897169, 0.02180744893848896, -0.04050366207957268, -0.031890153884887695, -0.017860790714621544, 0.003824225626885891, 9.880149445962161e-05, -0.012250485830008984, 0.014907998032867908, 0.015829846262931824, 0.013611650094389915, 0.012697004713118076, 0.005869574379175901, -0.013597246259450912, -0.016938943415880203, -0.01624755747616291, -0.02451537549495697, -0.013049899600446224, -0.02476024068892002], metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='ac87ce7f-3b99-4d1c-8b82-d9c7f059993e', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='529b41ec4e69365c2c387267849757909c288ca7388d03abede03687d10f5cd5'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='4ccc877a-ac28-4d90-8c31-fad31303a384', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '2', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f019be979fe677dabcac2ee3273fc5217f86e93819179b9f8f4a88095df4abbe'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='f4506a9d-7fe6-4a42-bfac-011125776c59', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='94a3f25dcc8b82b9cd4c2f97e540d8ce12e0ba5794960fff70043ff5009a81b6')}, hash='e23e9157920914069525bbe1d5724c4f6e027e621c459ad715503afb5ca87fe6', text='AUTHOR ET AL.: TITL E 3 from a low degree node and traverses the graph simult aneously increasing the node’s degree until the characteri stic radius of the node links length reaches the scale of the distance to the query. Before the latter happens, the ave rage degree of a node can stay relatively small, which leads to an increased probabilit y of being stuck in a di stant false local minimum. One can avoid the described problem in NSW by star ting the search from a node with the maximum degree (good candidates are the first nodes inserted in the NSW structure [44]), directly going to the “zoom-in” phase of the search. Tests show that setting hubs as starting points substantially increases probability of successful routing in the structure and provides significantly better perfo rmance at low dimensional data. However, it still has only a polyloga rithmic complexity scalability of a single greedy search at best , and performs worse on high d imensional data compared to Hierarchical NSW. The reason for the polylogarithmic complexity scaling of a single greedy search in NSW is that the overall nu mber o f distance computations is roughly proportional to a product of the average number of greedy algorithm hops by the average degree of the nodes on the greedy path. The average number of hops scales logarithmically [26, 44], while the average degree of the nodes on the greedy path also scales logarithmically due to the facts that: 1) the greedy search tends to go through the same hubs as the network grows [32, 44] ; 2) the average number of hub connections grow s logarithmically with an increase of the network size. Thus we get an overall po lylogarithmic dependence of the resulting complexity. The idea of Hierarchical NSW algorithm is to separate the links according to their length scale into different layers and then search in a multilayer graph. In this case we can evaluate only a needed fixed portion of the conne ctions for each element independently of the networks size, thus allowing a logarithmic scalability. In such stru cture t he search starts from the upper laye r which has only the long est links (the “zoom-in” phase) . The algorithm greedily traverses through the elements from the upper layer until a local minimum is reached (see Fig. 1 for illu stration) . After that, the search switches to the lower layer (which h as shorter links ), restarts from the element which was the local minimum in the previous layer and the pr ocess repeats . The maximum number of connections per element in all layers can be made constant , thus allowing a logarithmic complexity scaling of rout ing in a navigable small world network . One way to form such a layered structure is to explici tly set links with different length scales by introducing layers. For every element we select an integer level l which defines the maximum layer for which the element belongs to. For all elements in a layer a proximity graph (i.e. graph containing only “short” links that approximate Delaunay graph) is built incrementally. If we set an exp onentially decaying probabil ity of l (i.e. following a ge ometric distribution) we get a logarithmic scaling of the expected number of layers in the structure. The search procedure is an iterative greedy search starting from the top layer and finishing at the zero layer . In case we m erge connections from all layers, the stru cture becomes similar to the NSW graph (in this case the l can be put in correspondence to the node degree in NSW). In contrast to NSW, Hierarchical NSW constru ction algorithm does not require the elements to be shuffled before the insert ion-the stochasticity is achieved by using level random ization , thus allowing truly increme ntal indexing even in case of temporaril y alterating data distribution ( though changing the order of the inser tion slightly alters the performace due to only partially determenistic construction procedure ). The Hierarchical NSW idea is also very similar to a well-known 1D probabilistic skip list structure [27] and can be described using its terms. The major difference to skip list is that we generalize the structure by replacing the linked list with proximity graphs. ', start_char_idx=0, end_char_idx=4204, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
430
       " TextNode(id_='f4506a9d-7fe6-4a42-bfac-011125776c59', embedding=[-0.0025985080283135176, 0.03199491649866104, -0.004315861035138369, -0.01966594159603119, 0.004862537141889334, 0.019594009965658188, -0.006293964106589556, -0.010681756772100925, -0.039044156670570374, -0.06001924350857735, 0.004294281825423241, 0.009466121904551983, -0.0046575334854424, 0.020356478169560432, -0.0064773885533213615, 0.00428349245339632, 0.01592552848160267, 0.003711640601977706, 0.01542201079428196, 0.005340878386050463, -0.04169122129678726, 0.0034347062464803457, -0.00984016340225935, -0.040828049182891846, 0.005024381913244724, 0.03720272332429886, 0.021492989733815193, -0.011803880333900452, 0.0010394032578915358, -0.005704130046069622, 0.021435443311929703, -0.015206217765808105, -0.003909450955688953, 0.00374041311442852, 4.026451279059984e-05, 0.0015366264851763844, 0.00958840548992157, -0.02601025626063347, 0.021694395691156387, -0.00850224681198597, 0.012573542073369026, -0.007275822572410107, -0.0018522237660363317, -0.005276140291243792, -0.015263762325048447, -0.005247368011623621, 0.009912095032632351, -0.022241070866584778, -0.0006487278733402491, 0.02654254622757435, 0.02176632732152939, 0.032282643020153046, -0.03190860152244568, 0.008473474532365799, -0.010818425565958023, 0.007408895064145327, 0.009279102087020874, 0.01522060390561819, 0.0008856506901793182, -0.025952711701393127, 0.008092239499092102, -0.013537418097257614, -0.02288844995200634, 0.018500657752156258, -0.005682550836354494, -0.03231141343712807, -0.009696302004158497, 0.007488019298762083, 0.0013792773243039846, -0.015551486983895302, 0.004459723364561796, 0.040770500898361206, -0.024614796042442322, -0.0010627808514982462, 0.031131746247410774, -0.024744270369410515, 0.0010034377919510007, 0.007646267302334309, -0.004189982078969479, 0.008171363733708858, 0.005794043652713299, -0.03202369064092636, 0.0052006128244102, 0.023118630051612854, 0.009681915864348412, 0.028599774464964867, 0.013911459594964981, 0.024269526824355125, -0.029952077195048332, -0.0005579149583354592, 0.04266948252916336, 0.04367651417851448, 0.025938326492905617, -0.016860630363225937, 0.002317977137863636, -0.0008847515564411879, -0.018428727984428406, 0.007703812327235937, 0.010868777520954609, -0.025895167142152786, -0.02403934672474861, 0.0020626219920814037, -0.002754958113655448, -0.009775425307452679, -0.00273877358995378, -0.002602104563266039, -0.01644343137741089, -0.0015644996892660856, -0.008696460165083408, 0.015249376185238361, -0.00879716407507658, 0.008379964157938957, -0.0018414341611787677, -0.00464674411341548, -0.01068894937634468, -0.01709081046283245, 0.025967098772525787, -0.006459405645728111, -0.001983497990295291, -0.010825619101524353, 0.02447093278169632, 0.018773997202515602, 0.013940231874585152, -0.01651536300778389, 0.021622464060783386, 0.013652508147060871, 0.0035300147719681263, -0.033836353570222855, 0.0008330511627718806, -0.04028137028217316, 0.04114454239606857, 0.028110643848776817, 0.00440937140956521, 0.010063149966299534, -0.021694395691156387, 0.022802133113145828, 0.008020308800041676, -0.0240249615162611, -0.024111278355121613, -0.035303745418787, 0.0066284434869885445, 0.029549263417720795, -0.009804198518395424, -0.008099433034658432, -0.009638756513595581, 0.03513111174106598, -0.0024546461645513773, 0.0250032227486372, 0.006146505940705538, -0.030009621754288673, -0.004218754358589649, 0.004290685523301363, -0.0007211084594018757, 0.017306603491306305, 0.016270797699689865, 0.017666257917881012, -0.0010672765783965588, 0.016098162159323692, -0.01434304565191269, -0.04336002096533775, -0.02444216050207615, 0.021680010482668877, 0.012372135184705257, -0.00852382555603981, 0.015652190893888474, 0.028945043683052063, 0.0004091076843906194, 0.0028808373026549816, -0.01387549377977848, -0.01144422497600317, -0.0093150669708848, 0.019824190065264702, -0.016687996685504913, -0.0036451045889407396, 0.003069656202569604, -0.019550850614905357, 0.03507356718182564, 0.0069557297974824905, -0.026283595710992813, -0.022902837023139, -0.0063874744810163975, 0.0038519061636179686, 0.012019673362374306, 0.01606938987970352, -0.01808345876634121, -0.015738507732748985, 0.016932561993598938, 0.008308032527565956, 0.018486272543668747, -0.02441338822245598, -0.00039494625525549054, 0.013731631450355053, 0.007790129631757736, 0.00677590211853385, -0.6113561391830444, -0.024370230734348297, 0.006890991702675819, -0.03185105696320534, -0.006398264318704605, 0.00561061967164278, 0.013005128130316734, 0.025909554213285446, 0.009638756513595581, 0.01440059021115303, -0.026887815445661545, 0.008804356679320335, -0.0030246993992477655, 0.004225947428494692, -0.027549581602215767, -0.02022700384259224, -0.005337281618267298, -0.023751623928546906, 0.024312684312462807, 0.012077218852937222, -0.023262491449713707, 0.027031676843762398, -0.0016310359351336956, -0.004862537141889334, 0.0031793511006981134, 0.01709081046283245, 0.019522078335285187, -0.04246807470917702, 0.0015285342233255506, 0.008732425980269909, -0.016616065055131912, 0.0032081236131489277, 0.011321942321956158, 0.015249376185238361, 0.05291245877742767, -0.016774313524365425, -0.020370865240693092, 0.0064773885533213615, 0.02723308466374874, 0.021938960999250412, -0.027319401502609253, -0.01358057651668787, 0.008754005655646324, 0.010235784575343132, -0.013566190376877785, 0.01221388764679432, 0.010840005241334438, 0.00547754717990756, -0.023837940767407417, -0.03308827057480812, 0.008027502335608006, -0.004981223028153181, -0.019982436671853065, 0.012019673362374306, 0.003485057968646288, -0.017867665737867355, 0.027837304398417473, -0.010501928627490997, 0.008027502335608006, 0.0032854494638741016, 0.008718039840459824, -0.012695824727416039, -0.00984735693782568, -0.019363831728696823, -0.01963716931641102, 0.03231141343712807, -0.02445654757320881, 0.016731156036257744, -0.01306267362087965, -0.025262175127863884, 0.017695030197501183, 0.02930469810962677, -0.0003866292245220393, 0.005380440503358841, 0.011048604734241962, 0.03562024235725403, 0.016126934438943863, 0.012515997514128685, -0.02339196763932705, 0.0034005390480160713, -0.0016364307375624776, 0.013990583829581738, -0.010804039426147938, 0.004175595939159393, 0.015839211642742157, 0.0046934993006289005, -0.05026539787650108, 0.004427354317158461, -0.016745541244745255, -0.0032476854976266623, 0.00503876805305481, -0.008308032527565956, -0.04108699783682823, -0.04367651417851448, 0.0059990473091602325, 0.010768073610961437, 0.010422805324196815, 0.005506319459527731, 0.018227320164442062, -0.039705924689769745, -0.02503199502825737, -0.014278307557106018, -0.0036504992749542, -0.033836353570222855, 0.009113660082221031, 0.007509598508477211, -0.003136192448437214, -0.004571216180920601, 0.027017291635274887, -0.015436396934092045, 0.014717087149620056, -0.008962605148553848, -0.02390987053513527, 0.013537418097257614, -0.020529113709926605, -0.0261253472417593, 0.03892906755208969, 0.005146664567291737, -0.01360934879630804, -0.00902734324336052, 0.026844656094908714, 0.013069866225123405, 0.019493306055665016, -0.015321307815611362, 0.013724438846111298, 0.00017904081323649734, 0.010307715274393559, -0.008912253193557262, -0.0382385291159153, -0.0038051509764045477, 0.013300045393407345, -0.01282530091702938, 0.022571954876184464, -0.019306285306811333, 0.027376946061849594, -0.007067222613841295, 0.006646426394581795, 0.008286453783512115, 0.01194054912775755, -0.02132035419344902, -0.02244247868657112, 0.005286930128931999, 0.0024438563268631697, -0.035418834537267685, -0.011911776848137379, -0.007667846977710724, -0.022701431065797806, 0.016285182908177376, -0.01144422497600317, -0.011300363577902317, -0.015824824571609497, -0.017364148050546646, -0.035994283854961395, 0.023780396208167076, 0.001374781597405672, -0.005830009467899799, -0.0028196959756314754, -0.021651238203048706, -0.01978103071451187, -0.021118948236107826, -0.002560744294896722, 0.035159882158041, -0.018529431894421577, -0.019421376287937164, 0.0067579192109405994, -0.01749362424015999, 0.002424075501039624, 0.01598307304084301, 0.02870047651231289, -0.02992330491542816, -0.012386521324515343, -0.022514410316944122, -0.017191514372825623, 0.01601184532046318, -0.0124656455591321, -0.009401384741067886, 0.010343681089580059, -0.004725867882370949, -0.008207329548895359, -0.008372770622372627, -0.002121965168043971, 0.019579624757170677, 0.014609190635383129, -0.018860314041376114, 0.02762151136994362, -0.008984184823930264, 0.01642904430627823, 0.01089035626500845, -0.013623734936118126, 0.011393873952329159, 0.00037561479257419705, 0.026341140270233154, -0.016803085803985596, 0.0013262281427159905, -0.012846880592405796, 0.005664567928761244, 0.010271749459207058, -0.0017515203217044473, -0.005099909380078316, 0.025895167142152786, -0.00035965509596280754, -0.007013274356722832, 0.006110540125519037, -0.017810121178627014, 0.02179509960114956, -0.038698889315128326, 0.0036936579272150993, -0.009948059916496277, -0.0003794361255131662, 0.015364466235041618, 0.0175799410790205, -0.015177445486187935, -0.006405457388609648, -0.018342411145567894, 0.006088960915803909, 0.027290629222989082, -0.012695824727416039, 0.0062508056871593, -0.01037245336920023, 0.01973787136375904, 0.0021759134251624346, -0.00041517685167491436, 0.021190878003835678, 0.004995609167963266, -0.010099115781486034, -0.008415929041802883, 0.019824190065264702, 0.03190860152244568, 0.007153539918363094, -0.004164806101471186, -0.005578250624239445, -0.012300204485654831, 0.016357114538550377, 0.00849505327641964, 0.02448531985282898, -0.002931189024820924, 0.03636832535266876, -0.010322101414203644, 0.0026488597504794598, -0.004916485399007797, 0.01410567294806242, 0.004787009209394455, 0.012170728296041489, -0.029045745730400085, 0.005664567928761244, -0.0019601203966885805, 0.035418834537267685, 0.013933038339018822, -0.01604061760008335, 0.019896119832992554, 0.0050603472627699375, 0.025319719687104225, 0.01037245336920023, 0.01976664364337921, 0.007883640006184578, -0.004377002827823162, 0.01909049227833748, 0.008013115264475346, 0.021507374942302704, 0.045949537307024, 0.019478920847177505, -0.02977944351732731, 0.016400272026658058, -0.017177127301692963, -0.0045856027863919735, -0.056825507432222366, 0.0008964403532445431, 0.02554989792406559, 0.010415611788630486, -0.01328565925359726, 0.009379805065691471, 0.001490770373493433, 0.003808747511357069, -0.020615430548787117, 0.014846562407910824, -0.0034724699798971415, 0.02019823156297207, -0.01749362424015999, 0.02284529246389866, 0.014278307557106018, -0.03892906755208969, -0.0030624631326645613, 0.01174633577466011, 0.022902837023139, 0.00042034691432490945, -0.0146379629150033, -0.006196857430040836, 0.027002904564142227, -0.01962278224527836, -0.0038411165587604046, -0.0013738825218752027, -0.0053228954784572124, 0.0014089489122852683, -0.022701431065797806, -0.0029563650023192167, -0.006578091997653246, 0.023320037871599197, 0.0011158299166709185, 0.008106625638902187, 0.009919287636876106, 0.022183526307344437, -0.006070978008210659, -0.006304753944277763, -0.007523984648287296, 0.06122768670320511, -0.005214998964220285, -0.0073261745274066925, -0.018860314041376114, 0.013738824985921383, -0.001225524814799428, -0.005290526431053877, -0.006114136893302202, -0.0024024960584938526, 0.015896756201982498, 0.012587928213179111, -0.01360934879630804, -0.005686147138476372, 0.015781665220856667, 0.035418834537267685, 0.001084360177628696, -0.00477262306958437, -0.02129158191382885, -0.01713396981358528, 0.022226685658097267, 0.032253868877887726, 0.03890029713511467, -0.0029779442120343447, 0.006344316061586142, -0.013774790801107883, -0.010595439001917839, -0.027822919189929962, 0.012904425151646137, 0.018198547884821892, 0.005732902325689793, -0.0030624631326645613, -0.011199659667909145, 0.02085999585688114, 0.010099115781486034, 0.03303072601556778, 0.007340560667216778, 0.0016229436732828617, -0.02392425760626793, -0.007523984648287296, 0.02670079469680786, -0.014386204071342945, -0.02563621662557125, 0.011933356523513794, 0.017205899581313133, -0.017148355022072792, 0.003346590790897608, 0.027952395379543304, -0.0044705127365887165, 0.0005961283459328115, -0.021996505558490753, -0.00796995684504509, 0.018227320164442062, 0.028930656611919403, 0.01973787136375904, -0.006822657305747271, 0.027607126161456108, 0.02401057444512844, 0.017968369647860527, 0.012444066815078259, -0.01965155452489853, 0.0074304742738604546, 0.007009678054600954, 0.005772464442998171, 0.010343681089580059, 0.0010852592531591654, 0.0025049978867173195, 0.015853596851229668, 0.02244247868657112, -0.032800544053316116, -0.013774790801107883, 0.01651536300778389, -0.023147402331233025, -0.012573542073369026, -0.016299569979310036, -0.011084570549428463, -0.008085046894848347, -0.020629817619919777, -0.0007453851867467165, 0.010969480499625206, -0.033807579427957535, -0.01171756349503994, -0.0028484684880822897, 0.021104561164975166, -0.012868459336459637, -0.01168879121541977, -0.01910487934947014, -0.017263444140553474, -0.00439858203753829, -0.020931927487254143, -0.009883321821689606, 0.0023773203138262033, -9.536479774396867e-05, -0.026456229388713837, -0.0074304742738604546, 0.012034059502184391, 0.0362820066511631, 0.009523667395114899, 0.01595430076122284, -0.03409530222415924, 0.008890674449503422, -0.015019197016954422, -0.016357114538550377, -0.0012408101465553045, -0.0012480032164603472, 0.002931189024820924, -0.015378852374851704, -0.006452212575823069, -0.01821293495595455, -0.012674245983362198, -0.022125981748104095, 0.0012480032164603472, -0.01250880490988493, 0.008754005655646324, -0.0041288407519459724, -0.0007750567747280002, -0.0013684877194464207, 0.008013115264475346, 0.022543182596564293, 0.002522980561479926, -0.009962446056306362, 0.008905060589313507, 0.022471250966191292, -0.023176174610853195, 0.012105991132557392, 0.026254823431372643, -0.004564023111015558, 0.006340719293802977, -0.003429311327636242, -0.009142432361841202, -0.006491774693131447, 0.03527497127652168, -0.025190243497490883, 0.026441844180226326, 0.0009315067436546087, 0.004171999171376228, 0.03510233759880066, 0.028355209156870842, 0.010681756772100925, 0.0034922510385513306, -0.015609031543135643, -0.005772464442998171, -0.0002091619244311005, 0.01874522492289543, 0.016342727467417717, -0.01601184532046318, 0.018932243809103966, -0.024183209985494614, -0.006966519169509411, -0.01655852049589157, -0.01335759088397026, -0.01762310042977333, 0.005894747097045183, -0.00252837548032403, -0.010487542487680912, -0.028959428891539574, -0.0033573803957551718, -0.004459723364561796, -0.005362457595765591, -0.045517951250076294, -0.02405373379588127, 0.00932226050645113, -0.026269208639860153, 0.01545078307390213, 0.007574336603283882, -0.03363494575023651, -0.02133474126458168, -0.02992330491542816, 0.021938960999250412, 0.01591114141047001, 0.015393238514661789, -0.010127888061106205, -0.0014718885067850351, -0.013206535018980503, -0.026902202516794205, -0.006319140084087849, -0.011084570549428463, -0.010048763826489449, 0.02611096017062664, 0.017968369647860527, 0.008674881421029568, 0.02353583090007305, 0.006671602372080088, 0.00651695067062974, 0.026254823431372643, -0.004441740456968546, 0.01963716931641102, -0.007362139876931906, 0.00013104932440910488, -0.0035677787382155657, 0.005952292121946812, 0.031764738261699677, -0.007164329756051302, 0.023578988388180733, 0.010149466805160046, 0.027247469872236252, 0.010228591039776802, 0.016400272026658058, -0.014817790128290653, -0.00878997053951025, -0.04954608529806137, -0.006081767845898867, -0.007365736644715071, -0.01596868596971035, 0.008991377428174019, -0.035447608679533005, -0.027348173782229424, -0.012515997514128685, -0.009264715947210789, 0.012983549386262894, -0.004139630123972893, 0.03297318145632744, 0.005445178132504225, -0.011624053120613098, 0.028067484498023987, 0.033807579427957535, -0.03849748149514198, 0.020658589899539948, -0.02706044912338257, -0.0051934197545051575, 0.014472521841526031, -0.0033591787796467543, 0.011897390708327293, -0.0021777115762233734, 0.006592478137463331, 0.00360194593667984, 0.010652984492480755, 0.0042115612886846066, -0.011789494194090366, -0.0005776960169896483, -0.0023017926141619682, -0.00732977082952857, -0.027966780588030815, -0.02124842442572117, 0.01519183162599802, -0.018399955704808235, -0.0009234144818037748, -0.004438144154846668, 0.0058911507949233055, -0.030700160190463066, -0.01410567294806242, 0.019320672377943993, 0.011803880333900452, 0.049747493118047714, -0.019924892112612724, 0.025406036525964737, 0.027247469872236252, -0.014688314869999886, -0.02615411952137947, 0.03035489097237587, -0.002431268570944667, 0.004243930336087942, 0.02609657496213913, 0.02721869759261608, -0.052509646862745285, -0.03133315220475197, -0.005599829833954573, -0.0077829365618526936, 0.0034005390480160713, -0.04102945327758789, 0.028585387393832207, 0.021162105724215508, 0.0067938850261271, -0.02924715355038643, -0.020960699766874313, -0.020039983093738556, 0.026312367990612984, -0.0008487860322929919, 0.00796995684504509, -0.007336963899433613, 0.003465276909992099, 0.001809065230190754, 0.026470616459846497, -0.015724120661616325, 0.05915607139468193, 0.010005605407059193, -0.01519183162599802, 0.00032099217060022056, -0.01174633577466011, -0.009300680831074715, 0.01197651494294405, -0.011674405075609684, 0.04197894409298897, -0.008912253193557262, -0.008509439416229725, 0.027592739090323448, 0.00399936456233263, 0.017378535121679306, 0.003012111410498619, 0.006405457388609648, 0.038037125021219254, -0.038698889315128326, -0.022212298586964607, -0.014393397606909275, 0.0028790391515940428, 0.024672340601682663, 0.009264715947210789, -0.01470270100980997, -0.005941502284258604, -0.0240249615162611, -0.0044705127365887165, 0.029491718858480453, -0.00480858888477087, 0.02664325013756752, 0.009653142653405666, -0.010358067229390144, -0.011868618428707123, -0.03363494575023651, 0.0027405719738453627, -0.0012138360179960728, -0.05207806080579758, -0.015637803822755814, -0.001374781597405672, -0.011170887388288975, 0.013544611632823944, -0.00876119825989008, -0.03363494575023651, 0.014040934853255749, 0.029578035697340965, -0.01759432815015316, 0.018975403159856796, 0.02933347038924694, 0.011437032371759415, -0.05072575435042381, -0.01593991369009018, -0.0019115668255835772, -0.01440059021115303, 0.03576410189270973, -0.021176492795348167, -0.03395144268870354, -0.014724279753863811, -0.008322418667376041, 0.018328024074435234, 0.02445654757320881, -0.002487014979124069, -0.0104012256488204, 0.0012498014839366078, 0.008070660755038261, 0.0011832652380689979, -0.0010187231237068772, 0.03573533147573471, -0.006538529880344868, -0.0014790815766900778, 0.02766467072069645, -0.020672975108027458, 0.014889721758663654, -0.02454286441206932, 0.004118050914257765, -0.013379169628024101, -0.049891356378793716, -0.014566031284630299, -0.003923837095499039, 0.00853821262717247, 0.01091912854462862, -0.0025625426787883043, -0.004067699424922466, 0.011012638919055462, -0.017148355022072792, 0.01816977560520172, 0.0005340878269635141, -0.024859361350536346, 0.013753211125731468, 0.00018421084678266197, -0.004240333568304777, -0.003436504630371928, -0.023622147738933563, 0.003963399212807417, 0.016285182908177376, 0.002923995954915881, -0.04948854073882103, -0.00934383925050497, 0.01815539039671421, 0.060997504740953445, 0.02975066937506199, -0.017795734107494354, -0.033404767513275146, -0.01384672150015831, -0.050840847194194794, -0.0033429942559450865, -0.011386680416762829, 0.008444702252745628, -6.271486199693754e-05, 0.01970909908413887, -0.016342727467417717, 0.015522714704275131, -0.0021309563890099525, -0.003164964960888028, 0.0018432324286550283, -0.012149149551987648, -0.015839211642742157, 0.022571954876184464, 0.002282011555507779, 0.011501770466566086, -0.04261193796992302, 0.01302670780569315, 0.00026636954862624407, 0.006186067592352629, -0.013220922090113163, 0.0068442365154623985, -0.01821293495595455, -0.008200136013329029, -0.0009121752809733152, -0.007031257264316082, 0.008171363733708858, 0.007847674190998077, -0.004948854446411133, -0.03130438178777695, 0.002774739172309637, 0.015407624654471874, 0.002445654710754752, -0.024211982265114784, 0.005502723157405853, -0.007869253866374493, -0.006448615808039904, 0.0002776087785605341, -0.01919119618833065, -0.01411286648362875, 0.013113024644553661, -0.018802769482135773, 0.025837622582912445, 0.012372135184705257, 0.009638756513595581, 0.05544443055987358, -0.010099115781486034, 0.020054368302226067, 0.007991536520421505, -0.011760721914470196, -0.03938942775130272, -0.0013532023876905441, 0.00929348822683096, -0.026485001668334007, 0.00904892198741436, -0.0029383820947259665, 0.005495530087500811, -0.009070501662790775, -0.004222351126372814, 0.0017254453850910068, -0.019838575273752213, -0.026485001668334007, 0.02285967767238617, -0.004225947428494692, -0.021593691781163216, -0.013925845734775066, -0.010099115781486034, -0.0029779442120343447, 0.0059091332368552685, 0.006024222820997238, -0.0026344736106693745, -0.014235149137675762, 0.018428727984428406, -0.00012070924276486039, -0.002326968591660261, -0.018443113192915916, 0.010199818760156631, 0.019968051463365555, 0.006315543781965971, 0.022456863895058632, 0.19058842957019806, 0.0016499178018420935, 0.02226984314620495, 0.011660018935799599, -0.011314749717712402, -0.006905377842485905, 0.04304352402687073, 0.0006298460066318512, 0.014479714445769787, -0.0027837303932756186, -0.01595430076122284, 0.01755116879940033, -0.022615112364292145, -0.002539165085181594, 0.023118630051612854, -0.022615112364292145, -0.03956206142902374, -0.02989453263580799, -0.0329156368970871, -0.0005057649686932564, -0.009998411871492863, -0.002249642740935087, -0.005117892287671566, -0.02139228582382202, 0.01283249445259571, -0.028441525995731354, -0.031735967844724655, -0.005894747097045183, 0.026240436360239983, 0.0032710630912333727, -0.020083140581846237, -0.003280054545029998, 0.022140368819236755, -0.0032207113690674305, 0.005696936976164579, -0.010825619101524353, 0.02556428499519825, 0.015292534604668617, 0.004391388967633247, 0.0197522584348917, -0.016400272026658058, -0.03136192634701729, 0.0030750511214137077, 0.013746018521487713, 0.01753678359091282, 0.009832970798015594, -0.0125016113743186, 0.024168822914361954, 0.001336118672043085, 0.002055428922176361, -0.021406671032309532, -0.02124842442572117, 0.034900929778814316, 0.030498752370476723, -0.014479714445769787, 0.006639233324676752, -0.012199501506984234, 0.023766009137034416, 0.009401384741067886, 0.004736657720059156, -0.03351985663175583, 0.012228273786604404, 0.013645314611494541, 0.005851588677614927, 0.0028035114519298077, 0.01755116879940033, -0.015350080095231533, 0.008228909224271774, 0.006786691956222057, 0.005826412700116634, 0.006732743699103594, -0.009451735764741898, -0.008516632951796055, 0.00043585701496340334, -0.03398021310567856, -0.012738984078168869, 0.04525899887084961, 0.011724756099283695, -0.002862854627892375, 0.032800544053316116, -0.01121404580771923, 0.031189290806651115, -0.008451894856989384, 0.0047114817425608635, -0.015105514787137508, -0.06381720304489136, -0.004308667965233326, 0.00399936456233263, -0.0196803268045187, -0.02557867020368576, -0.012897231616079807, 0.025406036525964737, -0.014393397606909275, 0.0054092127829790115, 0.028455911204218864, 0.0071966988034546375, 0.020644202828407288, 0.00957401841878891, -0.0176518727093935, 0.013731631450355053, 0.00010126538836630061, 0.03084402158856392, 0.01874522492289543, -0.004189982078969479, -0.014278307557106018, -0.003634314751252532, -0.003350187325850129, 0.013451101258397102, 0.019536465406417847, -0.001967313466593623, 0.005261754151433706, -0.0350160226225853, -0.007423281203955412, -0.01591114141047001, 0.004510074853897095, 0.03679991140961647, -0.001811762573197484, -0.016371499747037888, -0.009480508975684643, -0.016198866069316864, 0.0004886813694611192, -0.007552757393568754, 0.008480667136609554, 0.026456229388713837, -0.01014227420091629, 0.023694077506661415, -0.025780078023672104, -0.006707567721605301, -0.011954935267567635, -0.031764738261699677, 0.026197277009487152, -0.029088905081152916, 0.0077829365618526936, -0.001515946234576404, -0.007113977801054716, -0.005894747097045183, -0.034843385219573975, -0.00902014970779419, -0.01250880490988493, -0.003931030165404081, -0.0035012424923479557, 0.0003904505865648389, 0.01282530091702938, 0.029132062569260597, 0.0006091658142395318, -0.00585878174751997, 0.002019463339820504, 0.029606807976961136, -0.006509757600724697, -0.029002588242292404, 0.006549319252371788, -0.03234018757939339, 0.011098956689238548, -0.013213728554546833, 0.020960699766874313, -0.014285501092672348, -0.004420161247253418, -0.034929703921079636, 0.010868777520954609, 0.007243453990668058, -0.025909554213285446, 0.006275981664657593, 0.035994283854961395, -0.012062831781804562, 0.003150578821077943, -0.012688632123172283, -0.1858697533607483, 0.014681121334433556, 0.036972545087337494, -0.02671518176794052, 0.017752576619386673, 0.02344951219856739, 0.008487860672175884, 0.0029060132801532745, -0.010581052862107754, 0.015004810877144337, 0.01815539039671421, 0.0016616065986454487, -0.00374041311442852, -0.01921996846795082, 0.005481143947690725, 0.002359337406232953, 0.02124842442572117, 0.013199342414736748, 0.01650097593665123, 0.005686147138476372, 0.0026902202516794205, -0.029391014948487282, 0.01201248075813055, 0.037576764822006226, -0.0029581631533801556, 0.028887497261166573, -0.01648659072816372, 0.0034832595847547054, -0.014350238256156445, -0.013724438846111298, 0.007171522825956345, -0.01332162506878376, 0.007991536520421505, -0.002965356223285198, -0.007257840130478144, 0.005607022903859615, -0.010343681089580059, -0.004225947428494692, -0.009653142653405666, 0.04781974107027054, 0.024945678189396858, 0.017752576619386673, 0.015652190893888474, 0.010559474118053913, -0.020989472046494484, -0.005603426601737738, 0.01522060390561819, -0.0009674722095951438, -0.010444384068250656, -0.008739618584513664, -0.01602623052895069, -0.0016202462138608098, 0.03878520801663399, 0.006711164023727179, 0.0015078539727255702, 0.008192943409085274, 0.03377880901098251, 0.00505675096064806, 0.018342411145567894, -0.0073477537371218204, -0.023866713047027588, -0.013163376599550247, 0.0036469027400016785, -0.011372294276952744, 0.004423757549375296, -0.030728932470083237, -0.01699010655283928, -0.0027783357072621584, -0.01864452101290226, -0.0064737917855381966, -0.023176174610853195, -0.012228273786604404, 0.01809784397482872, -0.004747447557747364, 0.017378535121679306, 0.01358057651668787, 0.003931030165404081, -0.003371766535565257, -0.015335693955421448, 0.010509122163057327, -0.002578727202489972, 0.04255439341068268, 0.0021273598540574312, -0.002132754772901535, 0.01302670780569315, -0.022744588553905487, -0.02403934672474861, -0.01042999792844057, 0.0028808373026549816, -0.0007170623866841197, -0.0010079334024339914, -0.01280372217297554, -0.002884433837607503, -0.01808345876634121, 0.023837940767407417, -0.00492367846891284, 0.0038015544414520264, -0.002193896099925041, 0.010329294949769974, -0.0051898229867219925, -0.002030253177508712, 0.0036936579272150993, -0.03780694305896759, 0.002093192655593157, 0.05763113498687744, 0.018270479515194893, -0.009271908551454544, 0.0037080440670251846, 0.017953982576727867, -0.013918652199208736, -0.004589199088513851, 0.004089278634637594, 0.03317458555102348, 0.004402178339660168, -0.01519183162599802, 0.0414610393345356, 0.0070888022892177105, -0.03668482229113579, 0.018515044823288918, -0.01437901146709919, 0.047647107392549515, 0.002359337406232953, -0.031246835365891457, -0.016198866069316864, 0.0014404186513274908, -0.005355264525860548, -0.09748092293739319, -0.007682233117520809, 0.013213728554546833, 0.016673611477017403, -0.04051155224442482, 0.003308827057480812, -0.00020534059149213135, 0.010048763826489449, -0.019910506904125214, 0.041259635239839554, -0.015119900926947594, -0.015752892941236496, -0.01013508066534996, 0.005272543989121914, 0.004078488796949387, 0.0032512820325791836, 0.007955570705235004, -0.01657290756702423, 0.0005817421479150653, 0.022068437188863754, 0.000943195482250303, -0.012674245983362198, -0.019032947719097137, 0.004984819795936346, 0.003551594214513898, 0.014803403988480568, -0.031189290806651115, 0.023794781416654587, 0.0217807125300169, 0.008804356679320335, 0.005049557890743017, -0.02180948480963707, 0.0006788489990867674, -0.018371183425188065, -0.0025553496088832617, -0.009135239757597446, -0.016759928315877914, 0.0019205582793802023, 0.029016973450779915, -0.031102973967790604, 0.004110857844352722, 0.006542126182466745, 0.016112549230456352, -0.01601184532046318, -0.019076107069849968, -0.00159596954472363, -0.02983698807656765, 0.024096891283988953, -0.015350080095231533, -0.010178239084780216, -0.005988257471472025, -0.025808850303292274, -0.006347912363708019, -0.008207329548895359, 0.022212298586964607, -0.013710052706301212, -0.001978103071451187, 0.004549636971205473, -0.02661447785794735, 0.006060188636183739, -0.01226423867046833, -0.011775108054280281, -0.021938960999250412, 0.02550674043595791, 0.029146449640393257, 0.014278307557106018, -0.03392266854643822, -0.03156333044171333, 0.0024798219092190266, -0.0027999149169772863, -0.00827206764370203, 0.03029734641313553, -0.017781348899006844, 0.012587928213179111, -0.03213877975940704, -0.02340635471045971, -0.0416049025952816, -0.01973787136375904, 0.01496165245771408, -0.005135874729603529, -0.003537207841873169, -0.02655693329870701, 0.0004738456045743078, -0.015853596851229668, 0.01308425236493349, -0.0012992540141567588, -0.0033052305225282907, 0.007775743491947651, 0.031246835365891457, -0.029103290289640427, 0.025147084146738052, 0.007552757393568754, -0.0003733669582288712, -0.015652190893888474, 0.0034778648987412453, 0.02779414691030979, -0.006837043445557356, -0.00464674411341548, 0.013113024644553661, -0.00451367162168026, -0.03656972944736481, -0.0031218063086271286, -0.07250647246837616, 0.02503199502825737, -0.012307398021221161, -0.008869094774127007, 0.0010555877815932035, -0.015565873123705387, 0.003844713093712926, 0.0021165702491998672, -0.014256727881729603, 0.0014044531853869557, -0.01913365162909031, 0.01710519753396511, -0.00882593635469675, -0.002636271994560957, -0.004161209333688021, -0.012228273786604404, 0.010617018677294254, -0.005232981871813536, 0.017205899581313133, 0.020989472046494484, -0.011365101672708988, -0.00047339603770524263, 0.019809802994132042, 0.00882593635469675, -0.005326492246240377, -0.016803085803985596, -0.009804198518395424, 0.008617335930466652, 0.0008532817591913044, 0.013731631450355053, 0.020557885989546776, -0.05202051252126694, 0.012019673362374306, 0.025204630568623543, 0.008056274615228176, -0.015350080095231533, -0.0007665149169042706, -0.003231501206755638, 0.005819219630211592, 0.037030089646577835, -0.04905695468187332, -0.03127560764551163, -0.009264715947210789, -0.011415452696383, -0.01490410789847374, 0.023248106241226196, 0.030239801853895187, 0.00932226050645113, 4.8890615289565176e-05, -0.00033762623206712306, 0.05069698393344879, 0.017335375770926476, -0.0064737917855381966, -0.056796733289957047, -0.01701887883245945, 0.00014397443737834692, 0.011019832454621792, -0.007466440089046955, -0.01496165245771408, -0.029952077195048332, 0.039130475372076035, 0.007538370788097382, 0.037605538964271545, 0.013724438846111298, 0.007135557476431131, -0.01763748563826084, -0.0028340821154415607, 0.0019043737556785345, -0.019939279183745384, -0.03668482229113579, -0.0046934993006289005, 0.014587610960006714, 0.018256092444062233, 0.027391333132982254, 0.02081683650612831, -0.006347912363708019, -0.014875334687530994, 0.015637803822755814, -0.04154735803604126, 0.005024381913244724, 0.022902837023139, -0.01926312781870365, -0.009861743077635765, 0.009530859999358654, 0.033404767513275146, -0.02022700384259224, -0.004574812948703766, 0.024255139753222466, -0.0027261856012046337, 0.015695348381996155, -0.006549319252371788, 0.014040934853255749, 0.005524302367120981, -0.0031397889833897352, -0.006743533071130514, 0.016644837334752083, -0.023204946890473366, 0.002287406474351883, 0.0320812352001667, 0.022571954876184464, -0.005693340208381414, 0.005765271373093128, -0.008574177511036396, -0.02287406474351883, -0.01861574873328209, -0.005402019713073969, -0.00955243967473507, 0.011695983819663525, -0.0023701272439211607, -0.024154437705874443, 0.011206853203475475, 0.003808747511357069, -0.0015968686202540994, 0.014213569462299347, -0.023578988388180733, -0.002898820210248232, 0.0039921714924275875, -0.024945678189396858, -0.03731781244277954, 0.019867347553372383, -0.01606938987970352, -0.0001733087992761284, 0.02762151136994362, 0.019536465406417847, 0.015680963173508644, 0.021435443311929703, 0.028887497261166573, -0.01756555587053299, 0.027362560853362083, -0.03867011517286301, 0.008444702252745628, -0.00585878174751997, 0.0008775584283284843, 0.0022694237995892763, -0.012185115367174149, -0.0013271273346617818, 0.014616383239626884, -0.009401384741067886, -0.01704765111207962, 0.08372770994901657, 0.03314581513404846, -0.0135518042370677, 0.001952927210368216, -0.031218063086271286, 0.0009054317488335073, 0.03308827057480812, -0.011365101672708988, -0.017723804339766502, -0.04476986825466156, 0.002055428922176361, -0.01909049227833748, 0.000347067165421322, -0.01979541778564453, -0.016285182908177376, -0.01973787136375904, -0.022255457937717438, 0.021938960999250412, 0.007006081286817789, 0.00908488780260086, 0.004779816139489412, 0.01699010655283928, 0.027909236028790474, 0.0093510327860713, -0.005635795649141073, -0.00599185423925519, 0.005351667758077383, -0.009904901497066021, 0.03294440731406212, -0.03398021310567856, 0.0020014806650578976, 0.008444702252745628, -0.04511513561010361, -0.02457163669168949, -0.01466673519462347, -0.00771100539714098, -0.007639074232429266, -0.004330247640609741, 0.01864452101290226, 0.02189580351114273, 0.02458602376282215, 0.022672656923532486, 0.009257522411644459, -0.004466916434466839, -0.027420105412602425, -0.007387315854430199, -0.019349444657564163, -0.02016945742070675, -0.022097209468483925], metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='ac87ce7f-3b99-4d1c-8b82-d9c7f059993e', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='529b41ec4e69365c2c387267849757909c288ca7388d03abede03687d10f5cd5'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='3edf4852-cc8a-40f9-8a1e-c6a769a04945', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9ebd41883facac66642cda2109849cf55aa5ee0835f8af1a4f18ad0390f50048'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='9f486445-5722-4e11-b707-e80d2d5ea0f5', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='c1e256ad162d3e063c953134567f3fcb536d84738e50932df060563449f2c532')}, hash='60eb2ef7bb8a1d1bab15180fce99679d756be94be9dda7b0c8a3777b49febfb6', text='The Hierarchical Layer=0Layer=1Layer=2Decreasing characteristic radius Cluster 2Inserted elemente2Cluster 1 Fig. 1. Illustration of the Hierarchical NSW idea. The search starts from an element from the top layer (shown red). Red arrows show direction of the greedy algorithm from the entry point to the query (shown green). ', start_char_idx=4204, end_char_idx=4528, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
431
       " TextNode(id_='9f486445-5722-4e11-b707-e80d2d5ea0f5', embedding=[-0.00574186397716403, 0.02502121962606907, -0.008663416840136051, -0.01968432404100895, 0.006801288109272718, 0.021362047642469406, -0.01031944528222084, -0.0029812133871018887, -0.03170318901538849, -0.04940606281161308, 0.0006806711899116635, 0.010637634433805943, -0.008460932411253452, 0.01666152849793434, -0.02006036601960659, -0.003257820615544915, 0.018686367198824883, -0.009285331703722477, 0.01997358724474907, 0.00698207737877965, -0.03685206174850464, 0.0055068377405405045, -0.0032849390991032124, -0.03005439043045044, 0.0001534447947051376, 0.03555038198828697, 0.03178996592760086, -0.010529160499572754, -0.0018585126381367445, -0.0025346640031784773, 0.008460932411253452, -0.010644866153597832, -0.007213487755507231, 0.01206948421895504, -0.017182201147079468, -0.0018386257579550147, 0.016647066920995712, -0.020436406135559082, 0.026192734017968178, -0.009234710596501827, 0.00574186397716403, -0.0010314021492376924, -0.0007688059122301638, -0.013002356514334679, 0.0011823611566796899, -0.002809463534504175, 0.02578776702284813, -0.027002669870853424, -0.00843923818320036, 0.02878163382411003, 0.022316614165902138, 0.03474044427275658, -0.032918091863393784, 0.009220247156918049, -0.009820466861128807, -0.003221662947908044, 0.004432950168848038, 0.012604620307683945, 0.0012564846547320485, -0.010811191983520985, 0.010536392219364643, -0.01342178788036108, -0.01657474972307682, -0.002588900737464428, -0.02063889056444168, -0.03653387352824211, -0.017789654433727264, 0.015750352293252945, 0.015403236262500286, -0.008887595497071743, 0.0082946065813303, 0.031558554619550705, -0.0279283095151186, 0.00010129842848982662, 0.03847193345427513, -0.022417856380343437, -0.001198632176965475, -0.006009431555867195, -0.008171670138835907, 0.016502434387803078, 0.001330608269199729, -0.0424637570977211, 0.010811191983520985, 0.020624427124857903, 0.006154063157737255, 0.01197547372430563, 0.030170096084475517, 0.016820624470710754, -0.03861656412482262, 0.0018621283816173673, 0.0360710546374321, 0.03245526924729347, 0.02133312076330185, -0.007773933932185173, -0.0067615145817399025, 0.012488915584981441, -0.01502719521522522, 0.005947963334619999, 0.020002512261271477, -0.027884921059012413, -0.020407481119036674, 0.013862912543118, -0.00862002745270729, -0.007282187696546316, -0.0011190848890691996, 0.0012619083281606436, -0.016459045931696892, 0.0017663100734353065, -0.011302938684821129, 0.012300894595682621, -0.0015728657599538565, 0.01225750520825386, -0.0012103834887966514, -0.012098411098122597, -0.015938373282551765, -0.024645179510116577, 0.02810186706483364, -0.0192793570458889, -0.004588428884744644, -0.006956766825169325, 0.012149031274020672, 0.01220688410103321, 0.0028365820180624723, -0.029418012127280235, 0.007108629681169987, 0.02596132457256317, -0.0036284385714679956, -0.03933972120285034, -0.003257820615544915, -0.03879012167453766, 0.03511648625135422, 0.025512967258691788, 0.014629459008574486, 0.012799873016774654, -0.01696525514125824, 0.027479952201247215, 0.009654141031205654, -0.02318440191447735, -0.031182514503598213, -0.029490327462553978, 0.015605720691382885, 0.03714132681488991, 0.0006671120063401759, -0.011274011805653572, -0.0148391742259264, 0.03401728719472885, 0.013725513592362404, 0.025860082358121872, 0.00464989710599184, -0.018483884632587433, 0.000555926701053977, 0.003134884173050523, 0.001687666866928339, 0.018845463171601295, 0.012792641296982765, 0.014477596618235111, -0.008193365298211575, 0.022938529029488564, -0.0082946065813303, -0.0548442006111145, -0.02296745590865612, 0.015085048042237759, 0.0032795153092592955, -0.004143687430769205, 0.01995912380516529, 0.03283131122589111, 0.004422103054821491, 0.0013785173650830984, -0.0148391742259264, -0.0224757082760334, 0.0038508090656250715, 0.03141392394900322, -0.029736202210187912, -0.0012573886197060347, -0.0009292563190683722, -0.015923909842967987, 0.03508755937218666, 0.027667973190546036, -0.0208269115537405, -0.019814493134617805, -0.012734788469970226, 0.012633546255528927, 0.007050777319818735, 0.01763055846095085, -0.007217103149741888, -0.0005080175469629467, 0.026510922238230705, -0.00656626233831048, 0.016502434387803078, -0.017963211983442307, 0.0175293181091547, 0.007379813585430384, 0.00926363654434681, 0.01013142429292202, -0.6113855838775635, -0.014260648749768734, 0.004845149349421263, -0.03150070458650589, -0.012156262993812561, 0.024269137531518936, 0.019409524276852608, 0.017717337235808372, 0.006425247061997652, 0.022244298830628395, -0.033207353204488754, 0.004273855593055487, 0.0027154532726854086, -0.008706806227564812, -0.019930196925997734, -0.015012731775641441, 0.0036429015453904867, -0.025831155478954315, 0.02179594151675701, 0.002366530243307352, -0.01715327613055706, 0.018932241946458817, -0.006168526131659746, -0.007133940234780312, 0.006273383740335703, 0.011989937163889408, 0.024688567966222763, -0.030951105058193207, 0.00043208608985878527, 0.014260648749768734, -0.026236122474074364, 0.015200752764940262, -0.00838861707597971, 0.024399304762482643, 0.045905984938144684, -0.0020989621989428997, -0.01225750520825386, 0.008106586523354053, 0.02860807627439499, 0.019988050684332848, -0.024211283773183823, -0.015576793812215328, 0.003434994025155902, 0.01773180067539215, -0.0025165851693600416, 0.003962898626923561, 0.010717181488871574, 0.002767882077023387, -0.01346517726778984, -0.022533562034368515, 0.007882407866418362, -0.01217072643339634, -0.025180313736200333, 0.006410783622413874, -0.011613896116614342, -0.017702875658869743, 0.026409680023789406, -0.0023213329259306192, 0.004675207659602165, 0.0034114914014935493, 0.018006600439548492, -0.011454801075160503, -0.013645965605974197, -0.004714981187134981, -0.010493002831935883, 0.01235151570290327, -0.016979718580842018, 0.010073572397232056, -0.018483884632587433, -0.019828954711556435, 0.02055211178958416, 0.017905358225107193, 0.0006585245137102902, -0.0024605405051261187, 0.014694543555378914, 0.03838515654206276, 0.018585126847028732, 0.012720325030386448, -0.015330920927226543, -0.0026214427780359983, 0.0018946704221889377, 0.009053921326994896, -0.013949692249298096, -0.0012519649462774396, 0.021564532071352005, 0.003451265161857009, -0.03884797543287277, 0.012474452145397663, -0.021405436098575592, -0.004187076818197966, 0.0051958803087472916, -0.005470680072903633, -0.0278270673006773, -0.04353402927517891, 0.007810091599822044, 0.00955289974808693, 0.009147931821644306, -0.007795628625899553, 0.031269293278455734, -0.040872812271118164, -0.027942772954702377, -0.017601633444428444, -0.0012139992322772741, -0.016936328262090683, 0.011028138920664787, 0.019033482298254967, -0.005152490921318531, -0.004957238677889109, 0.03112466260790825, -0.018194621428847313, 0.01017481368035078, -0.005843105725944042, -0.021492214873433113, 0.013356703333556652, -0.0007959242793731391, -0.027219615876674652, 0.03965790942311287, 0.013486871495842934, -0.025440650060772896, -0.0026214427780359983, 0.033699098974466324, 0.010615939274430275, 0.0035308124497532845, -0.020291775465011597, 0.01987234503030777, 0.007614839356392622, 0.023430274799466133, -0.021492214873433113, -0.03636031597852707, -0.010854581370949745, 0.020132681354880333, 0.010066340677440166, 0.023198865354061127, -0.03152963146567345, 0.016068540513515472, -0.01206948421895504, 0.004205156117677689, 0.006352931261062622, 0.007860712707042694, -0.0139641547575593, -0.028825024142861366, 0.017673948779702187, 0.010203740559518337, -0.026915891095995903, -0.019915733486413956, -0.015721425414085388, -0.02860807627439499, 0.00848262757062912, -0.005749095231294632, -0.00858386978507042, -0.011946547776460648, -0.01328438799828291, -0.033699098974466324, 0.01013865601271391, 0.0013034899020567536, -0.009017763659358025, 0.003058952745050192, -0.02269265614449978, -0.019886808469891548, -0.02298191748559475, -0.01405816525220871, 0.045501016080379486, -0.020711205899715424, -0.017485927790403366, -0.0038761196192353964, -0.014166639186441898, 0.007018235512077808, 0.015576793812215328, 0.030603989958763123, -0.03685206174850464, -0.01114384364336729, -0.013783365488052368, -0.02674233354628086, 0.015142899937927723, -0.01303128246217966, 0.0010711757931858301, 0.007155634928494692, 0.006573494058102369, -0.00023570387565996498, 0.0001315241097472608, -0.004009903408586979, 0.015562331303954124, 0.021202953532338142, -0.012973430566489697, 0.020523184910416603, -0.022750508040189743, 0.01627102494239807, 0.0009871087968349457, -0.002594324527308345, 0.009740919806063175, 0.003073415718972683, 0.028347739949822426, -0.021000469103455544, 0.009422731585800648, -0.016401192173361778, 0.01820908486843109, 0.005535764154046774, -0.010970286093652248, -0.011230622418224812, 0.02114509977400303, 0.015157363377511501, -0.004472723696380854, 0.009617983363568783, -0.02373400144279003, 0.027017133310437202, -0.038153745234012604, 0.008460932411253452, -0.008453701622784138, 0.00023638183483853936, 0.011129381135106087, 0.015721425414085388, -0.014593301340937614, -0.02956264466047287, -0.020682280883193016, 0.002919744933024049, 0.016516897827386856, -0.01042068749666214, 0.014123249799013138, -0.03043043240904808, 0.019727714359760284, -0.005796100478619337, -0.004884923342615366, 0.03083539940416813, 0.014954879879951477, -0.003583241254091263, -0.006175757851451635, 0.018961166962981224, 0.021868256852030754, 0.000810387427918613, -0.006045589689165354, -0.0031240368261933327, -0.016140855848789215, 0.011881464160978794, 0.018917778506875038, 0.01400031242519617, 0.002456924645230174, 0.026988206431269646, -0.009762614965438843, -0.0029251687228679657, -0.02123187854886055, 0.01134632807224989, 0.012821567244827747, 0.010427919216454029, -0.02993868477642536, -0.002961326390504837, 0.0015394197544083, 0.028911802917718887, 0.014897027052938938, -0.0026594086084514856, 0.02996761165559292, -0.015301994979381561, 0.03615783154964447, -0.004375097807496786, 0.01880207285284996, 0.023141013458371162, -0.01138971745967865, 0.02024838700890541, 0.024775346741080284, 0.020320702344179153, 0.041538119316101074, 0.007455745246261358, -0.01492595300078392, 0.011722369119524956, -0.012250273488461971, 0.010044645518064499, -0.04654236137866974, -0.0006110673421062529, 0.018266936764121056, 0.015041658654808998, -0.01880207285284996, 0.010529160499572754, -0.0007095974870026112, 0.0018214507726952434, -0.015330920927226543, 0.02075459621846676, -0.0010069956770166755, 0.012958967126905918, -0.014557143673300743, 0.012684167362749577, 0.013645965605974197, -0.04749692976474762, -0.014810248278081417, 0.013537492603063583, 0.023603832349181175, 0.0029685581102967262, -0.0019434834830462933, -0.0026124033611267805, 0.032599903643131256, -0.019828954711556435, -0.005300738383084536, 0.008164438419044018, -0.008757427334785461, 0.0007660940755158663, -0.023589370772242546, -0.0020519569516181946, -0.0021694698370993137, 0.012807104736566544, 0.010478540323674679, 0.016010688617825508, 0.011859769001603127, 0.02191164717078209, -0.0020411096047610044, -0.013783365488052368, -0.011584969237446785, 0.058778174221515656, -0.010673792101442814, 0.0020429175347089767, -0.02413896843791008, 0.016054077073931694, -0.008591100573539734, -0.006927840877324343, 0.0038399617187678814, 0.0010973901953548193, 0.01589498296380043, 0.008959910832345486, -0.01124508585780859, -0.011592200957238674, 0.024269137531518936, 0.037170253694057465, -0.005029554478824139, -0.011216159909963608, -0.012445526197552681, -0.009104542434215546, 0.029201066121459007, 0.03705454617738724, 0.03401728719472885, 0.01666152849793434, 0.00926363654434681, 0.003084263065829873, -0.0027714979369193316, -0.02208520472049713, 0.004154535010457039, 0.020002512261271477, 0.007759470958262682, -0.026395218446850777, -0.01784750632941723, 0.012344283983111382, 0.01813676953315735, 0.0391661636531353, 0.0034187231212854385, -0.006504794117063284, -0.030199021100997925, -0.00828737486153841, 0.013682124204933643, -0.009610751643776894, -0.020016975700855255, 0.018657442182302475, 0.010991981253027916, -0.013920765370130539, -0.008215059526264668, 0.03150070458650589, 0.001952522899955511, 0.010688255541026592, -0.02685803733766079, -0.005163338501006365, 0.010030183009803295, 0.02084137499332428, 0.014369122684001923, -0.01488256361335516, 0.014998269267380238, 0.010912434197962284, 0.01686401292681694, 0.015533404424786568, -0.01696525514125824, 0.0062227630987763405, 0.001019650837406516, 0.008663416840136051, 0.010398992337286472, -0.00867064855992794, 0.0017428075661882758, 0.016459045931696892, 0.01985788159072399, -0.025455113500356674, -0.01052192971110344, 0.011071528308093548, -0.018961166962981224, -0.014224491082131863, -0.015822667628526688, -0.002243593567982316, 0.0002350259164813906, -0.013812292367219925, -0.010948591865599155, 0.0013423595810309052, -0.028376666828989983, -0.006942303851246834, -0.002390032634139061, 0.0242257472127676, -0.012177958153188229, -0.005217575468122959, -0.01851280964910984, -0.0211306381970644, -0.0034494572319090366, -0.014318501576781273, -0.009965098462998867, 0.01018204540014267, -0.003436801955103874, -0.02541172504425049, -0.005275427829474211, 0.0025979401543736458, 0.02693035453557968, 0.0033988363575190306, 0.009791540913283825, -0.024457158520817757, 0.007253261283040047, -0.02539726160466671, -0.020986005663871765, 0.005477911792695522, -0.013920765370130539, 0.0024966984055936337, -0.007039930205792189, -0.025860082358121872, 0.000774681568145752, -0.010991981253027916, -0.01598176173865795, 0.0008144551538862288, -0.01207671593874693, 0.0033807572908699512, -0.016343340277671814, 0.0208269115537405, -0.005488758906722069, 0.010579781606793404, 0.01400031242519617, 0.006146831437945366, -0.0007272243965417147, 0.013927997089922428, 0.005868416279554367, -0.015316457487642765, 0.00044225549208931625, 0.02143436297774315, 0.007745007518678904, 0.000657620606943965, 0.000326324428897351, -0.0034530730918049812, -0.016140855848789215, 0.03517434000968933, -0.010398992337286472, 0.0004151371249463409, 0.00011158081179019064, 0.015330920927226543, 0.03624461218714714, 0.025527430698275566, 0.0001832750131143257, 0.008829742670059204, -0.009082847274839878, -0.0012402136344462633, 0.0006743435515090823, 0.011801916174590588, 0.02230215072631836, -0.008793585002422333, 0.01391353365033865, -0.022909602150321007, -0.019756639376282692, -0.011252317577600479, -0.008070427924394608, -0.006624114699661732, 0.01313252467662096, 0.004342555534094572, -0.01313252467662096, -0.03288916498422623, -0.0055068377405405045, 0.0007556987111456692, -0.0027552268002182245, -0.045211754739284515, -0.020219460129737854, 0.0182380098849535, -0.015923909842967987, 0.008272912353277206, 0.00039841412217356265, -0.03071969375014305, -0.02230215072631836, -0.03685206174850464, 0.020479796454310417, 0.022548023611307144, 0.020045902580022812, 0.00712670898064971, 0.0033373679034411907, -0.013125292956829071, -0.02286621369421482, -0.00929979421198368, 0.002865508198738098, -0.014116018079221249, 0.03312057629227638, 0.025136925280094147, 0.008808048442006111, 0.02006036601960659, 0.0024298063945025206, -0.002111617475748062, 0.00753529230132699, 0.010659328661859035, 0.01705203391611576, -0.00576355867087841, 0.0017527509480714798, -0.006418015342205763, 0.00717009836807847, 0.025570819154381752, -0.0014716237783432007, 0.02471749484539032, 0.010941360145807266, 0.023415813222527504, 0.015866056084632874, 0.015229678712785244, -0.010145887732505798, 0.001259196549654007, -0.0589517317712307, -0.0037242567632347345, -0.00526096485555172, -0.016733845695853233, 0.005156106781214476, -0.025729913264513016, -0.022707119584083557, 0.00526096485555172, -0.010391760617494583, 0.009936172515153885, -0.005890110973268747, 0.03190566971898079, 0.007614839356392622, 0.0028329661581665277, 0.02596132457256317, 0.0295771062374115, -0.038153745234012604, 0.00862725917249918, -0.02393648587167263, 0.011505422182381153, 0.026308439671993256, -0.001473431708291173, 0.02839113026857376, -0.009155163541436195, -0.008497091010212898, -0.00433532427996397, 0.005799716338515282, 0.005857568699866533, -0.01148372795432806, -0.009155163541436195, -0.004707749933004379, -0.0025346640031784773, -0.028159720823168755, -0.022070741280913353, 0.005687627010047436, -0.014535448513925076, -0.004385944921523333, -0.0069061461836099625, 0.00561892706900835, -0.01995912380516529, -0.02143436297774315, 0.01656028814613819, 0.006627730559557676, 0.05386070907115936, -0.01230812631547451, 0.028955193236470222, 0.02868039347231388, -0.001966986106708646, -0.02305423468351364, 0.015721425414085388, -0.007336424198001623, 0.018281400203704834, 0.03054613620042801, 0.029302308335900307, -0.04229019954800606, -0.02366168610751629, -0.0034114914014935493, -0.00302821840159595, 0.012669704854488373, -0.04353402927517891, 0.02917213924229145, 0.02567206136882305, -0.0069206091575324535, -0.026380755007267, -0.007882407866418362, -0.02548404037952423, 0.03231063857674599, 0.0011534348595887423, 0.020508723333477974, 0.01037006638944149, -0.01803552731871605, 0.005940732080489397, 0.02993868477642536, -0.016820624470710754, 0.05498883128166199, 0.004078603349626064, -0.008902058005332947, 0.014455901458859444, -0.0017482312396168709, -0.02529601939022541, 0.012423831038177013, -0.016647066920995712, 0.03390158340334892, -0.012293662875890732, -0.005105486139655113, 0.01831032708287239, 0.00508740684017539, 0.006747051607817411, 0.007137556094676256, 0.015142899937927723, 0.03555038198828697, -0.0352611169219017, -0.024471621960401535, -0.0058648004196584225, -0.0032198550179600716, 0.019727714359760284, 0.010203740559518337, -0.014094322919845581, -0.008873132057487965, -0.016068540513515472, -0.015142899937927723, 0.014166639186441898, -0.0023719538003206253, 0.020609963685274124, 0.014217259362339973, -0.001040441682562232, -0.018657442182302475, -0.03286023810505867, 0.006360162515193224, 0.0021640462800860405, -0.04127778112888336, -0.008547711186110973, 0.00076970987720415, -0.0018223547376692295, 0.004049677401781082, 0.0001450833078706637, -0.030864326283335686, 0.01705203391611576, 0.01909133605659008, -0.03205030411481857, 0.021752551198005676, 0.019510766491293907, 0.011765758506953716, -0.05417889729142189, -0.009516741149127483, 0.003778493497520685, -0.018859924748539925, 0.03595534712076187, -0.02860807627439499, -0.03592642396688461, -0.009762614965438843, -0.004946391563862562, 0.023777389898896217, 0.024110043421387672, -0.007781165651977062, -0.009827698580920696, -0.011924853548407555, 0.011317401193082333, -0.009610751643776894, -0.01346517726778984, 0.03170318901538849, -0.016516897827386856, 0.0060781314969062805, 0.01870083063840866, -0.02318440191447735, 0.019250430166721344, -0.021101711317896843, -0.003955666907131672, -0.010362834669649601, -0.04058355093002319, -0.019930196925997734, -0.014549911953508854, 0.011823611333966255, 0.0016668761381879449, -0.007773933932185173, -0.014940416440367699, 0.004563118331134319, -0.019828954711556435, 0.015085048042237759, 0.0041581508703529835, -0.010442381724715233, 0.023589370772242546, 0.00022542149235960096, -0.018006600439548492, -0.005477911792695522, -0.021260805428028107, -0.0030661842320114374, 0.004465492442250252, 0.004270240198820829, -0.03821159899234772, -0.010637634433805943, 0.031095735728740692, 0.036591727286577225, 0.02441376820206642, -0.021159563213586807, -0.020711205899715424, -0.021188490092754364, -0.0424637570977211, -0.016719382256269455, -0.00010593114711809903, -1.0423625099065248e-05, 0.008648953400552273, 0.004400408361107111, -0.02386416867375374, 0.024066653102636337, -0.011852537281811237, 0.004201540257781744, 0.005900958087295294, -0.018454957753419876, -0.008236754685640335, 0.017326833680272102, 0.005922652781009674, 0.01888885162770748, -0.05281936004757881, 0.0016506050014868379, -0.005872032139450312, 0.01676277071237564, -0.01995912380516529, 0.008149975910782814, -0.0209281537681818, -0.006291463039815426, 0.003908661659806967, -0.0036483253352344036, 0.0046969023533165455, 0.009625215083360672, -0.010673792101442814, -0.0387611947953701, -0.0004117473145015538, 0.009523972868919373, 0.009126236662268639, -0.01773180067539215, 0.00024112754908856004, -0.0008456413052044809, -0.01332777738571167, 0.006685583386570215, -0.012177958153188229, -0.004328092560172081, 0.02141989953815937, -0.02211412973701954, 0.014709006063640118, 0.014730701223015785, 0.017861969769001007, 0.06340637803077698, -0.017963211983442307, 0.004400408361107111, -0.005072943866252899, -0.000749371072743088, -0.04795974865555763, -0.015403236262500286, 0.0131903775036335, -0.01888885162770748, 0.006251689046621323, 0.000545531278476119, 0.011830843053758144, -0.019149187952280045, -0.009871087968349457, 0.010059108957648277, -0.02296745590865612, -0.01212010532617569, 0.020378554239869118, 0.0033717178739607334, -0.024963367730379105, -0.018295863643288612, -0.010398992337286472, -0.01424618624150753, 0.0010295943357050419, 0.006298694293946028, -0.0014200988225638866, -0.021376511082053185, 0.01647350937128067, 0.001860320451669395, -0.004881307482719421, -0.004631818272173405, 0.012004400603473186, 0.0091696260496974, -0.0023213329259306192, 0.018946703523397446, 0.18628515303134918, -0.013826754875481129, 0.021174026653170586, 0.014072628691792488, 0.00257986132055521, -0.0008280143374577165, 0.05001351237297058, 0.0005288082757033408, 0.012872188352048397, 0.004921081010252237, -0.0044980342499911785, 0.021275268867611885, -0.022562487050890923, -0.0055068377405405045, 0.02315547689795494, -0.025831155478954315, -0.05981951951980591, -0.0327734611928463, -0.042984429746866226, -0.009220247156918049, -0.015649110078811646, -0.0034494572319090366, 0.004505265969783068, -0.029157675802707672, 0.028260961174964905, -0.03254204988479614, -0.0391661636531353, -0.007672692183405161, 0.01303851418197155, 0.015041658654808998, -0.023762928321957588, -0.010493002831935883, 0.012922809459269047, 0.0033807572908699512, -0.0025635904166847467, -0.0027461873833090067, 0.029794054105877876, 0.014810248278081417, 0.01987234503030777, 0.02500675618648529, -0.016213173046708107, -0.03798018768429756, -0.004494418390095234, 0.008967142552137375, 0.017717337235808372, 0.010124193504452705, -0.006681967526674271, 0.02704605832695961, 0.0037134094163775444, -0.00955289974808693, -0.01657474972307682, -0.015244142152369022, 0.03656280040740967, 0.03748844191431999, -0.022533562034368515, 0.00424131378531456, -0.008236754685640335, 0.018093379214406013, 0.007839018478989601, -0.004422103054821491, -0.027957236394286156, 0.010832886211574078, 0.01734129711985588, 0.006577109917998314, -0.0018386257579550147, 0.007227950729429722, -0.021492214873433113, 0.003635670058429241, 0.014853637665510178, 0.0005979601410217583, 0.013255461119115353, -0.014716237783432007, -0.005749095231294632, 0.00833076424896717, -0.037748776376247406, -0.01304574590176344, 0.03355446830391884, -0.0004727636696770787, 0.0024840431287884712, 0.03734381124377251, -0.002523816656321287, 0.030951105058193207, -0.013515797443687916, -0.006005816161632538, -0.013826754875481129, -0.047554779797792435, 0.0033247126266360283, 0.0012836030218750238, -0.011989937163889408, -0.02356044389307499, -0.02774028852581978, 0.01502719521522522, -0.012742020189762115, 0.0006286943098530173, 0.018151231110095978, 0.012648009695112705, 0.012604620307683945, 0.012640777975320816, -0.019076872617006302, 0.01235874742269516, -0.022808359935879707, 0.0480465292930603, 0.01968432404100895, -0.0004027078684885055, -0.013978618197143078, -0.005246501415967941, 0.002093538409098983, 0.010283287614583969, 0.01734129711985588, 0.009046689607203007, 0.00513802794739604, -0.02519477717578411, -0.013906302861869335, -0.011534348130226135, 0.008829742670059204, 0.02405218966305256, 0.010304981842637062, -0.015142899937927723, -0.015157363377511501, -0.027364248409867287, 0.0066675045527517796, -0.007021850906312466, 0.005835874006152153, 0.028767172247171402, 0.0036013200879096985, 0.02470303140580654, -0.019351672381162643, 0.0046426658518612385, -0.014390816912055016, -0.029620496556162834, 0.022461244836449623, -0.01881653629243374, 0.01249614730477333, -0.003700754139572382, 0.0039014301728457212, -0.0012248465791344643, -0.019351672381162643, -0.012047789990901947, -0.00460650771856308, -0.011049834080040455, 0.001840433687902987, -0.007954723201692104, 0.010406224057078362, 0.023893095552921295, -0.005781637504696846, -0.009140700101852417, 0.004176229704171419, 0.019886808469891548, -0.012742020189762115, -0.036591727286577225, 4.110128793399781e-05, -0.022663729265332222, 0.0037097935564816, -0.020335165783762932, 0.022750508040189743, -0.013002356514334679, -0.005828642752021551, -0.04411255568265915, 0.010037414729595184, 0.0007990880985744298, -0.027306394651532173, -0.004020750988274813, 0.03384372964501381, -0.017601633444428444, -0.0012275583576411009, -0.010073572397232056, -0.18709509074687958, 0.007614839356392622, 0.03025687485933304, -0.028072942048311234, 0.013052977621555328, 0.03178996592760086, 0.02075459621846676, 0.006396320648491383, 0.00824398547410965, -0.003062568372115493, 0.009610751643776894, 0.004360634833574295, -0.009683067910373211, -0.01628548838198185, 0.013768902979791164, 0.01405816525220871, 0.023039771243929863, 0.0026178271509706974, 0.016140855848789215, 0.010782266035676003, -0.0063818576745688915, -0.041133150458335876, 0.01129570696502924, 0.017500391229987144, -0.005955195054411888, 0.01124508585780859, -0.02327118068933487, -0.00022067577810958028, -0.02249017171561718, -0.003472959855571389, 0.016806161031126976, -0.0008293702849186957, 0.013754439540207386, 0.0020374939776957035, 0.002095346339046955, 0.015952834859490395, -0.013298850506544113, -0.0017726377118378878, -0.007455745246261358, 0.03555038198828697, 0.02665555477142334, 0.02444269508123398, 0.003404259914532304, 0.014361890964210033, -0.003879735479131341, 0.0011850729351863265, 0.005499606486409903, -0.007781165651977062, 0.0022960223723202944, -0.009082847274839878, -0.005123564973473549, -0.004053293261677027, 0.035318970680236816, 0.008309070020914078, 0.009863857179880142, 0.02386416867375374, 0.02646753378212452, 0.010283287614583969, 0.011881464160978794, -0.021376511082053185, -0.025917934253811836, -0.024196822196245193, 0.006591572891920805, 0.002115233102813363, -0.002091730711981654, -0.028333278372883797, -0.028188645839691162, 0.00026508211158216, -0.022634802386164665, -0.0020465333946049213, -0.022027350962162018, -0.015649110078811646, 0.011071528308093548, -0.0010259784758090973, 0.017572706565260887, 0.013096367008984089, -0.001600888092070818, 0.0022454014979302883, -0.008938216604292393, 0.0011299322359263897, -0.011122149415314198, 0.04552994295954704, 0.009090078994631767, -0.01110045425593853, 0.017977673560380936, -0.020711205899715424, -0.025440650060772896, -0.013747207820415497, 0.0028872028924524784, 0.005058480892330408, 0.0073725818656384945, -0.008106586523354053, -0.000601575942710042, -0.02345920167863369, 0.03138499706983566, -0.0017419036012142897, -0.0033879890106618404, -0.012763715349137783, 0.011881464160978794, -0.015417699702084064, -0.009126236662268639, 0.0011389717692509294, -0.03529004380106926, -0.002509353682398796, 0.05351359397172928, 0.01744253933429718, -0.0031168051064014435, 0.002635905984789133, 0.020436406135559082, -0.012467220425605774, -0.0152586055919528, 0.009090078994631767, 0.025556355714797974, 0.003221662947908044, -0.0063493154011666775, 0.03239741921424866, 0.00189647835213691, -0.02964942343533039, 0.01627102494239807, -0.009140700101852417, 0.04460430145263672, 0.0005396556225605309, -0.017905358225107193, -0.011664517223834991, -0.004447413608431816, -0.006902530323714018, -0.11639929562807083, 0.01230812631547451, 0.018628515303134918, 0.019727714359760284, -0.04139348492026329, -0.0006521969335153699, 0.00020474373013712466, 0.013443482108414173, -0.010615939274430275, 0.04168274998664856, -0.0065481835044920444, -0.009740919806063175, -0.01919257827103138, -0.0007177329971455038, 0.002216475084424019, -0.005911805666983128, 0.005958810914307833, -0.030661841854453087, 0.0037387199699878693, 0.015967298299074173, 0.0035362360067665577, -0.00872126966714859, -0.01985788159072399, 0.0035344280768185854, 0.020320702344179153, 0.00698207737877965, -0.026207197457551956, 0.02774028852581978, 0.016748307272791862, 0.014586069621145725, 0.01022543478757143, -0.03381480649113655, 0.016039613634347916, -0.022562487050890923, -0.006989309098571539, -0.014463133178651333, -0.016820624470710754, -0.002431614324450493, 0.024298062548041344, -0.040757108479738235, 0.009372110478579998, 0.006049205549061298, 0.021550068631768227, -0.016502434387803078, -0.0062372260726988316, -0.003727872623130679, -0.02888287603855133, 0.029418012127280235, -0.01831032708287239, -0.018570663407444954, -0.010102498345077038, -0.033583395183086395, -0.010529160499572754, 0.00380380405113101, 0.019554154947400093, -0.005532148294150829, 0.001783485058695078, 0.02152114175260067, -0.025281555950641632, 0.0057527110911905766, -0.023141013458371162, -0.006577109917998314, -0.023820780217647552, 0.022229835391044617, 0.0305172111839056, 0.0016542208613827825, -0.03158748149871826, -0.03685206174850464, 0.0028492372948676348, -0.0008352459408342838, -0.02298191748559475, 0.037661999464035034, -0.016806161031126976, 0.02259141393005848, -0.036099981516599655, -0.006649425253272057, -0.02976512722671032, -0.026973742991685867, 0.010572549887001514, -0.01956861838698387, -0.0091696260496974, -0.03274453431367874, -0.0010720797581598163, -0.01590944640338421, 0.016719382256269455, -0.014210028573870659, -0.015475552529096603, 0.0028944346122443676, 0.021390974521636963, -0.039600059390068054, 0.030025463551282883, 0.007694386877119541, 0.0019814493134617805, -0.00663857813924551, 0.0017934284405782819, 0.02936016023159027, 0.002379185287281871, -0.011592200957238674, 0.006533720530569553, -0.013414556160569191, -0.04544316232204437, -0.0067217410542070866, -0.0713321715593338, 0.021839329972863197, -0.0016713958466425538, -0.011700674891471863, 0.00467882351949811, -0.00746297650039196, 0.0050946385599672794, 0.0032451655715703964, -0.01890331506729126, 0.006468636449426413, -0.026409680023789406, 0.01498380582779646, -0.012864956632256508, -0.0033066337928175926, 0.011129381135106087, -0.027798142284154892, 0.014709006063640118, -0.007242413703352213, 0.007824555039405823, 0.014687311835587025, -0.0015584025532007217, 2.9801964046782814e-05, 0.027089448645710945, 0.03800911456346512, -0.008829742670059204, -0.006555415224283934, -0.00421961909160018, 0.020378554239869118, -0.0006716317147947848, 0.02191164717078209, 0.02531048282980919, -0.043967925012111664, 0.000410391396144405, 0.013385629281401634, -0.008084891363978386, -0.017876433208584785, -0.01401477586477995, -0.0034440334420651197, 0.011736832559108734, 0.043765440583229065, -0.04712088778614998, -0.029909759759902954, -0.010644866153597832, -0.01580820418894291, -0.003988208714872599, 0.016791697591543198, 0.02402326464653015, 0.006797672715038061, -8.977311517810449e-05, -0.01303128246217966, 0.047352299094200134, 0.008858668617904186, -0.006295078434050083, -0.06450556963682175, -0.006352931261062622, -0.0004709557688329369, 0.009863857179880142, -0.0030679921619594097, -0.001371285761706531, -0.03147177770733833, 0.036389242857694626, 0.008786353282630444, 0.04257946461439133, 0.014694543555378914, 0.012286431156098843, 0.00033604184864088893, -0.0008795392932370305, -0.00012994221469853073, -0.018353715538978577, -0.022721581161022186, -0.01784750632941723, 0.011353559792041779, 0.004042445681989193, 0.022707119584083557, 0.023705074563622475, -0.0022454014979302883, -0.011765758506953716, 0.012250273488461971, -0.023025307804346085, 0.006569878198206425, 0.02791384607553482, -0.018064452335238457, -0.01201886311173439, 0.0130891352891922, 0.019742175936698914, -0.004805375821888447, -0.006967614404857159, 0.017095422372221947, 0.0009265444823540747, 0.012459988705813885, 0.0009242845699191093, 0.014557143673300743, 0.0018512810347601771, -0.008554942905902863, -0.005857568699866533, 0.028072942048311234, -0.03167426213622093, 0.012966198846697807, 0.030285799875855446, 0.023401349782943726, -0.006215531378984451, 0.0006341179832816124, -0.001187784830108285, -0.02568652480840683, -0.03497185558080673, -0.010160351172089577, -0.019612008705735207, -0.014897027052938938, -0.009986793622374535, -0.009039457887411118, 0.0040858350694179535, 0.000998860108666122, 0.0021477751433849335, 0.02298191748559475, -0.026308439671993256, -0.01206225249916315, 0.004476339556276798, -0.018180157989263535, -0.02664109133183956, 0.03439332917332649, -0.008641721680760384, 0.009429962374269962, 0.018440494313836098, 0.020595502108335495, 0.03569501265883446, 0.011208928190171719, 0.02483319863677025, -0.010926896706223488, 0.019698787480592728, -0.027277469635009766, 0.012807104736566544, 0.004519728943705559, -0.005145259667187929, 0.0005568306078203022, -0.008460932411253452, -0.012416599318385124, 0.0058792633935809135, -0.010731644928455353, -0.009632446803152561, 0.091927669942379, 0.029996538534760475, -0.0070869349874556065, 0.0017464233096688986, -0.042608391493558884, 0.005947963334619999, 0.04584813117980957, -0.012293662875890732, -0.01861405186355114, -0.02703159488737583, -0.003436801955103874, -0.012633546255528927, 0.008128280751407146, -0.018107842653989792, -0.0041726138442754745, -0.007014619652181864, -0.019901271909475327, 0.022938529029488564, 0.0023918405640870333, 0.015446625649929047, 0.01032667700201273, 0.010210972279310226, 0.030459357425570488, 0.016140855848789215, -0.02327118068933487, -0.0020157990511506796, 0.007976417429745197, -0.021752551198005676, 0.030980030074715614, -0.03578178957104683, -0.0021170410327613354, 0.007824555039405823, -0.03670743107795715, -0.024269137531518936, -0.016647066920995712, -0.005445369519293308, -0.012438294477760792, -0.011230622418224812, 0.025541892275214195, 0.0023339882027357817, 0.016647066920995712, 0.010832886211574078, 0.003660980612039566, -0.007983649149537086, -0.01803552731871605, -0.004378713667392731, -0.0183392520993948, -0.005062096752226353, -0.03132714703679085], metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='ac87ce7f-3b99-4d1c-8b82-d9c7f059993e', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='529b41ec4e69365c2c387267849757909c288ca7388d03abede03687d10f5cd5'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='f4506a9d-7fe6-4a42-bfac-011125776c59', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='94a3f25dcc8b82b9cd4c2f97e540d8ce12e0ba5794960fff70043ff5009a81b6'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='c0307639-48c0-491f-8764-96c569466731', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='3030b0a277e4b333ec1f851f06922b5927eefa4ec00da742c135a9dbea146e2d')}, hash='298d357c80738b234e86b5905b9408ce494469de3aea5463b42632baef826075', text='Fig. 2. Illustration of the heuristic used to select the graph neig hbors for two isolated clusters. A new ele ment is inserted on the boundary of Cluster 1. All of the closest neighbors of the element belong to the Cluster 1, thus missing the edges of Delaunay graph between the clusters. The heuristic, however, selects element e2 from Cluster 2, thus, maintaining the global connectivity in case the inserted element is the closest to e2 compared to any other element from Cluster 1. ', start_char_idx=4528, end_char_idx=5015, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
432
       " TextNode(id_='c0307639-48c0-491f-8764-96c569466731', embedding=[-0.007972794584929943, 0.028319137170910835, -0.0033327138517051935, -0.01333799958229065, -0.0035684683825820684, 0.003296993440017104, -0.008494311943650246, -0.00283620017580688, -0.03143395483493805, -0.05609532445669174, -0.008737211115658283, 0.0019842684268951416, -0.003504171734675765, 0.020332055166363716, 0.0005215179407969117, 0.010801850818097591, 0.023103957995772362, -0.004350745584815741, 0.012309251353144646, 0.0026379518676549196, -0.03706349432468414, 0.0013332641683518887, -0.01657426729798317, -0.03277704492211342, 0.008751499466598034, 0.03952105715870857, 0.019674798473715782, -0.008601473644375801, -0.00681902514770627, -0.01698862388730049, 0.028719205409288406, -0.01796022057533264, -0.0009599858894944191, 0.014452476054430008, -0.012930786237120628, 0.005654540378600359, 0.00971595011651516, -0.023346856236457825, 0.02863347716629505, 0.0014091699849814177, 0.000441816751845181, -0.010909011587500572, -0.0036166911013424397, -0.016317080706357956, -0.0018181686755269766, -0.005654540378600359, 0.004190003499388695, -0.0276475939899683, -0.007090500555932522, 0.03549179434776306, 0.017117219045758247, 0.034577351063489914, -0.02900496870279312, 0.005261615850031376, -0.010680400766432285, 0.0009198004263453186, 0.012652167119085789, 0.011994912289083004, 0.00933731347322464, -0.018446017056703568, 0.006172486115247011, -0.006315367761999369, -0.023161111399531364, 0.023961247876286507, -0.012880777940154076, -0.02920500375330448, -0.00868720281869173, 0.0004471748252399266, 0.0027236808091402054, -0.016731437295675278, 0.01943190023303032, 0.03469165787100792, -0.018974678590893745, 0.001452927477657795, 0.03597759082913399, -0.019217578694224358, 0.01674572564661503, 0.0049115559086203575, -0.005643824115395546, 0.009780246764421463, -0.0064546773210167885, -0.04437903314828873, 0.009387322701513767, 0.025218605995178223, 0.0003697061911225319, 0.019546205177903175, 0.009358745999634266, 0.013816652819514275, -0.018631763756275177, 0.0012394980294629931, 0.03392009809613228, 0.03291992470622063, 0.01774589717388153, -0.023946959525346756, -0.007715607527643442, 0.016302792355418205, -0.02151797153055668, -0.0008287134114652872, 0.009044406935572624, -0.021075038239359856, -0.015216892585158348, 0.012630735523998737, -0.007229810114949942, -0.009094415232539177, 0.0011832384625449777, 0.0017842341912910342, -0.016288504004478455, -0.0018378148088231683, -0.009401611052453518, 0.013066524639725685, -0.0037935071159154177, 0.024347027763724327, -0.008229981176555157, 0.00524018332362175, -0.015474079176783562, -0.026247354224324226, 0.03752071410417557, -0.01908898539841175, -0.008887236937880516, -0.015988454222679138, 0.019103271886706352, 0.010530375875532627, 0.01438103523105383, -0.014366746880114079, 0.026604557409882545, 0.011437674053013325, -0.005615247879177332, -0.022460991516709328, -0.009987425059080124, -0.03546321764588356, 0.02516145259141922, 0.010637536644935608, 0.01403097528964281, 0.018617475405335426, -0.027604728937149048, 0.022189516574144363, 0.01010887511074543, -0.03837800398468971, -0.036863457411527634, -0.03446304798126221, 0.014831112697720528, 0.03789220750331879, -0.007372691761702299, -0.014802535995841026, -0.008122820407152176, 0.03509172424674034, 0.006218922324478626, 0.02539006434381008, 0.005968879908323288, -0.031119616702198982, 0.0025700831320136786, 0.005433073733001947, -0.011209063231945038, 0.019560493528842926, 0.01638852246105671, 0.008058523759245872, -0.00629750732332468, 0.013195117935538292, -0.014316738583147526, -0.04823683574795723, -0.019746240228414536, 0.025075724348425865, 0.0021557265426963568, -0.0027790474705398083, 0.012995083816349506, 0.025232894346117973, -0.009737382642924786, 0.006751156412065029, -0.02208949811756611, -0.024861402809619904, -0.004943704232573509, 0.01771732047200203, -0.036920610815286636, 0.0025575810577720404, 0.00365062546916306, -0.02151797153055668, 0.037263527512550354, 0.014152424409985542, -0.03446304798126221, -0.023746924474835396, 0.005565239116549492, 0.006990483496338129, 0.005404497496783733, 0.026075895875692368, -0.014080983586609364, 0.0018699632491916418, 0.02744755893945694, 0.008337142877280712, 0.008487168699502945, -0.01460250187665224, 0.00624392693862319, 0.004479338880628347, -0.001095723477192223, 2.3232216335600242e-05, -0.6135908365249634, -0.018831796944141388, 0.018231695517897606, -0.03857803717255592, -0.013995254412293434, 0.010466078296303749, 0.015331197530031204, 0.02971937693655491, 0.015774130821228027, 0.027147507295012474, -0.036149051040410995, 0.0068476018495857716, 0.002277175895869732, -0.0024879262782633305, -0.021217919886112213, -0.0035809706896543503, -0.0005099087720736861, -0.022075209766626358, 0.0323769748210907, 0.004868691321462393, -0.020903581753373146, 0.02957649528980255, -0.012444988824427128, -0.011823453940451145, 0.013223693706095219, 0.0030076580587774515, 0.02481853775680065, -0.038406580686569214, -0.0045472076162695885, 0.019146136939525604, -0.024104129523038864, 0.023918382823467255, 0.009951705113053322, 0.02251814305782318, 0.050837282091379166, -0.010373205877840519, -0.016817167401313782, 0.01756015047430992, 0.025032859295606613, 0.012616447173058987, -0.0362633541226387, -0.02213236317038536, 0.004732953850179911, 0.016459962353110313, -0.005783133674412966, 0.011802022345364094, 0.010851859115064144, -0.011387664824724197, -0.013623762875795364, -0.03646339103579521, 0.0006925293710082769, -0.007615590468049049, -0.020875005051493645, 0.008944389410316944, 0.008401439525187016, -0.018446017056703568, 0.021889464929699898, -0.015745554119348526, 0.009887408465147018, 0.00865862611681223, 0.00865862611681223, -0.011609131470322609, 0.0022182371467351913, -0.015559808351099491, -0.014645365998148918, 0.01868891529738903, -0.012623591348528862, 0.014159568585455418, -0.010466078296303749, -0.020174885168671608, 0.010573239997029305, 0.029119273647665977, 0.0027754753828048706, 1.3946306353318505e-05, 0.009637365117669106, 0.03031948022544384, 0.026404524222016335, 0.013302278704941273, -0.010608959943056107, -0.0011475180508568883, 0.014052407816052437, 0.008501456119120121, -0.019589070230722427, 0.0011510900221765041, 0.028904952108860016, -0.0019146137638017535, -0.03752071410417557, 0.012287819758057594, -0.014281017705798149, -0.006833313498646021, -0.0028879947494715452, -0.003230910748243332, -0.024561351165175438, -0.041264213621616364, 0.007837057113647461, 0.014916840940713882, 0.009673085995018482, 0.002645096043124795, 0.024118417873978615, -0.04840829223394394, -0.02344687469303608, -0.01791735552251339, 0.004432902205735445, -0.029862258583307266, 0.010508943349123001, 0.0057867057621479034, -0.0045650675892829895, 0.010644680820405483, 0.01753157563507557, -0.024089841172099113, 0.013102244585752487, -0.014302450232207775, -0.008615761995315552, 0.008129964582622051, -0.007026203908026218, -0.024347027763724327, 0.04257872328162193, 0.005383064970374107, -0.017588727176189423, -0.01439532358199358, 0.027118932455778122, 0.006726152263581753, 0.00915871188044548, -0.015702690929174423, 0.0043007368221879005, -0.0025147164706140757, 0.01661713235080242, -0.012466421350836754, -0.026090184226632118, -0.005729552824050188, 0.011837742291390896, -0.007572725880891085, 0.021660853177309036, -0.013080812059342861, 0.025075724348425865, -0.009458763524889946, 0.0090586943551898, 0.013345143757760525, -0.005486654117703438, -0.020674970000982285, -0.02977653034031391, 0.01966051012277603, 0.003979253116995096, -0.039549633860588074, -0.012509285472333431, -0.0014547135215252638, -0.02018917351961136, 0.011223351582884789, -0.013866661116480827, -0.00963022094219923, -0.02154654823243618, -0.008644337765872478, -0.021589413285255432, 0.02781905233860016, 0.0031148192938417196, -0.003929244354367256, 0.007987082935869694, -0.022032346576452255, -0.014523916877806187, -0.01561696082353592, -0.002346830675378442, 0.04349316656589508, -0.009251585230231285, -0.017988795414566994, -0.0018306707497686148, -0.021032175049185753, 0.01697433739900589, 0.013995254412293434, 0.02630450576543808, -0.045493509620428085, -0.009808823466300964, -0.023489737883210182, -0.005958163645118475, 0.025275759398937225, -0.016902895644307137, 0.00011687270307447761, 0.004082842264324427, 5.988749035168439e-05, -0.003475595498457551, -0.009151567704975605, -0.007894209586083889, 0.0038006510585546494, 0.004507915116846561, -0.01581699587404728, 0.018245983868837357, -0.006643995177000761, 0.01884608529508114, -0.0019735523965209723, -0.013137965463101864, 0.00171368638984859, 0.019346171990036964, 0.019031831994652748, -0.010587528347969055, 0.00990884006023407, -0.02266102470457554, 0.0036792017053812742, 0.004757957998663187, -0.0033845084253698587, -0.014302450232207775, 0.02749042399227619, 0.014802535995841026, -0.015374062582850456, 0.017231523990631104, -0.021960904821753502, 0.024161282926797867, -0.02613304927945137, 0.009794535115361214, 0.0019842684268951416, 0.009744526818394661, 0.020660681650042534, 0.012052064761519432, -0.01517402846366167, -0.017445845529437065, -0.011852030642330647, 0.004011401440948248, 0.03189117833971977, -0.02343258634209633, 0.011351944878697395, -0.013409440405666828, 0.01716008223593235, 0.0048329709097743034, -0.002452205866575241, 0.03109104000031948, 0.011123334057629108, -0.011309080757200718, 0.0008050486212596297, 0.014252441935241222, 0.028476307168602943, -0.0001925553078763187, -0.018460305407643318, -0.0048329709097743034, -0.015316910110414028, 0.014423899352550507, 0.01618848741054535, 0.005118734203279018, 0.011787733994424343, 0.025075724348425865, -0.00915871188044548, 0.003014802234247327, -0.005454505793750286, 0.018174542114138603, 0.012430701404809952, 0.0077227517031133175, -0.019189001992344856, 0.013452304527163506, -0.004879407584667206, 0.033434297889471054, 0.00610461737960577, -0.00790849793702364, 0.029833681881427765, -0.0013716635294258595, 0.017988795414566994, 0.005168742500245571, 0.03143395483493805, 0.01507401093840599, -0.00283620017580688, 0.014702518470585346, 0.019389035180211067, 0.030976735055446625, 0.03274846822023392, 0.01077327411621809, -0.018145965412259102, 0.024704232811927795, -0.02076070010662079, 0.0034291588235646486, -0.049122702330350876, 0.013345143757760525, 0.01731725223362446, 0.0049186996184289455, -0.021803734824061394, 0.0077013191767036915, -0.0037434983532875776, 0.0022396694403141737, -0.028547747060656548, 0.010294620878994465, 0.0015440145507454872, 0.010551807470619678, -0.012052064761519432, 0.026047319173812866, 0.010087442584335804, -0.0381779707968235, -0.015259756706655025, 0.010101730935275555, 0.022732466459274292, -0.003657769411802292, -0.02266102470457554, -0.000534466584213078, 0.027976220473647118, -0.0162313524633646, -0.003041592426598072, -0.006236782763153315, -0.004343601409345865, 0.0007112825405783951, -0.018731780350208282, -0.006429673172533512, -0.003352360101416707, 0.018974678590893745, 0.004522203467786312, 0.008551465347409248, 0.002084285719320178, 0.012537862174212933, 0.006479681469500065, -0.020303478464484215, -0.020146308466792107, 0.04732239246368408, -0.013888093642890453, -0.00914442352950573, -0.023904094472527504, -0.004768674261868, -0.007708463352173567, -0.011437674053013325, -0.008530032820999622, 0.002866562455892563, 0.012452132999897003, 0.0035238179843872786, -0.004982996731996536, -0.009615933522582054, 0.024132706224918365, 0.03512030094861984, -0.011530546471476555, -0.00915871188044548, -0.016931472346186638, -0.007176229264587164, 0.013173685409128666, 0.045293472707271576, 0.03654911741614342, -0.007744183763861656, 0.0033023515716195107, -0.008601473644375801, -0.017260100692510605, -0.026933185756206512, 0.0010037433821707964, 0.015102587640285492, 0.012144938111305237, -0.010466078296303749, -0.020346343517303467, 0.018631763756275177, 0.008251413702964783, 0.028876375406980515, 0.012509285472333431, -0.005065153352916241, -0.027604728937149048, 0.0002810749283526093, 0.028676342219114304, -0.011530546471476555, -0.016274217516183853, 0.0002951398491859436, 0.020132020115852356, -0.010151739232242107, 0.001664570881985128, 0.029490767046809196, -0.007115504704415798, 0.008601473644375801, -0.023189686238765717, -0.007587014231830835, 0.018188830465078354, 0.015531232580542564, 0.012795048765838146, -0.01123763993382454, 0.02117505669593811, 0.013595186173915863, 0.02231810986995697, 0.01697433739900589, -0.012923642992973328, 0.02690460905432701, 0.008622906170785427, 0.023418297991156578, 0.008008514530956745, -0.004840115085244179, -0.0012394980294629931, 0.016074182465672493, 0.010916155762970448, -0.03506315127015114, -0.010380350053310394, 0.017574438825249672, -0.029047833755612373, -0.011837742291390896, -0.0071333651430904865, -0.01514545176178217, -0.012537862174212933, -0.015602673403918743, -0.00586171867325902, 0.007126220967620611, -0.022746754810214043, -0.006429673172533512, -0.0015440145507454872, 0.01640281081199646, -0.0021467963233590126, -0.005661684088408947, -0.018417440354824066, -0.022646736353635788, 0.004114990588277578, -0.02000342682003975, -0.010501799173653126, 0.011101901531219482, -0.004693661350756884, -0.03220551833510399, -0.0020271330140531063, 0.009830255061388016, 0.028119102120399475, 0.01515974011272192, 0.01827455870807171, -0.03523460775613785, 0.01796022057533264, -0.022275244817137718, -0.007126220967620611, -0.004515059292316437, -0.0028272701893001795, 0.0012778975069522858, -0.02000342682003975, -0.015002570115029812, 0.0012957577127963305, -0.017302963882684708, -0.023404009640216827, -0.0019235438667237759, -0.010980452410876751, 0.006051036529242992, -0.0036934898234903812, 0.014645365998148918, 0.0024343456607311964, 0.020146308466792107, 0.0248042494058609, 0.011694860644638538, -0.00952306017279625, 0.01850317046046257, 0.004089986439794302, -0.014431043528020382, 0.0018878234550356865, 0.022189516574144363, -0.001343980198726058, -0.0020932157058268785, -0.005193747114390135, -0.005222323350608349, -0.020060580223798752, 0.025832997635006905, -0.02306109294295311, 0.017002912238240242, 0.0026629562489688396, 0.0073584034107625484, 0.039006683975458145, 0.020660681650042534, 0.014702518470585346, 0.0048508308827877045, -0.011744868941605091, -0.002082499675452709, -0.0027451131027191877, 0.009087271057069302, 0.009008686058223248, -0.022432414814829826, 0.013259414583444595, -0.01927473023533821, -0.00777276000007987, -0.014616790227591991, -0.011094758287072182, -0.0038792360574007034, 0.013695203699171543, -0.0008108532056212425, -0.02344687469303608, -0.031148193404078484, -0.004515059292316437, -0.006668999791145325, 0.0006344837020151317, -0.035577524453401566, -0.015316910110414028, 0.007522717118263245, -0.02749042399227619, 0.015188315883278847, -0.006722580175846815, -0.017088642343878746, -0.017660168930888176, -0.03317711129784584, 0.010987596586346626, 0.020703546702861786, 0.01737440563738346, -0.013145108707249165, 0.006811881437897682, -0.0018396008526906371, -0.020703546702861786, -0.00043891448876820505, 0.0011894894996657968, -0.004790106322616339, 0.023761212825775146, 0.031119616702198982, 0.0025790133513510227, 0.02896210364997387, -8.009184966795146e-05, 0.008401439525187016, 0.023718349635601044, 0.003368434263393283, 0.001697612227872014, -0.005315196234732866, -0.004636508412659168, -0.012016343884170055, 0.0007590586319565773, 0.044893406331539154, 0.0025272187776863575, 0.02078927494585514, 0.010816138237714767, 0.021960904821753502, 0.02230382151901722, 0.010894723236560822, -0.020317766815423965, 0.004279304761439562, -0.049837108701467514, -0.002368262968957424, -0.005275903735309839, -0.004950847942382097, 0.00414713891223073, -0.03129107505083084, -0.019517630338668823, -0.012230666354298592, -0.0017753040883690119, 0.02078927494585514, -0.008837228640913963, 0.030262326821684837, 0.007047635968774557, -0.01010887511074543, 0.03477738797664642, 0.0381208173930645, -0.034434471279382706, 0.01561696082353592, -0.025132877752184868, -0.004743669647723436, 0.02556152269244194, -0.01468823105096817, 0.02326112799346447, -0.012344972230494022, -0.0012448561610653996, -0.009530204348266125, -0.0005210714298300445, -0.001948548131622374, -0.009173000231385231, -0.0014109560288488865, -0.0048436871729791164, -0.005093729589134455, -0.02763330563902855, -0.0209893099963665, 0.001214493764564395, -0.014359602704644203, -0.005258043762296438, -0.005190175026655197, 0.003932816442102194, -0.016831455752253532, -0.02114647999405861, 0.001187703455798328, 0.01926044188439846, 0.037492137402296066, -0.008915812708437443, 0.0162027757614851, 0.024289876222610474, -0.021503683179616928, -0.024704232811927795, 0.015788419172167778, 0.002620091661810875, 0.007744183763861656, 0.023746924474835396, 0.02647596411406994, -0.04532204940915108, -0.024175569415092468, -0.002452205866575241, -0.004543635528534651, -0.006579698529094458, -0.05818139761686325, 0.030776701867580414, 0.026918897405266762, 0.013452304527163506, -0.023989824578166008, 0.00033778109354898334, -0.027719033882021904, 0.028747782111167908, 0.0039578210562467575, 0.015231180936098099, 0.0004402539925649762, -0.006279647350311279, 0.005858146585524082, 0.027033202350139618, -0.0028397722635418177, 0.040035430341959, 0.0010403568157926202, 0.002982653910294175, -0.0016690359916538, -0.0038506595883518457, -0.019917698577046394, 0.009122991934418678, -0.012737896293401718, 0.04552208259701729, -0.017088642343878746, -0.0071619413793087006, 0.021832311525940895, 0.009044406935572624, 0.007972794584929943, 0.0054616499692201614, -0.0005143738235346973, 0.03529176115989685, -0.027733322232961655, -0.0034398750867694616, -0.007987082935869694, 0.01163770817220211, 0.012459277175366879, 0.004511487204581499, -0.007486996706575155, -0.011966335587203503, -0.02438989281654358, -0.0034166567493230104, 0.01640281081199646, -0.00019880637410096824, 0.025447215884923935, 0.014145280234515667, -0.011466249823570251, -0.027919068932533264, -0.023003941401839256, 0.008430015295743942, 0.0067690168507397175, -0.043378859758377075, -0.03397724777460098, -0.00638323649764061, -0.015702690929174423, 0.002396839205175638, -0.005629535764455795, -0.025418641045689583, 0.014288161881268024, 0.020660681650042534, -0.018260270357131958, 0.0199891384691, 0.03163399174809456, 0.020132020115852356, -0.053094811737537384, 1.4916059626557399e-05, -0.003972108941525221, -0.030262326821684837, 0.036291930824518204, -0.015402638353407383, -0.026047319173812866, -0.005279475823044777, -0.004257872235029936, 0.018946103751659393, 0.024532774463295937, 0.0020557092502713203, 0.0007653096690773964, -0.0035648965276777744, 0.010337485000491142, -0.011173342354595661, -0.02557581104338169, 0.021803734824061394, -0.0029076409991830587, 0.005868862383067608, 0.025690115988254547, 0.005097301676869392, 0.025804420933127403, -0.01514545176178217, -0.007104788441210985, -0.022032346576452255, -0.052694741636514664, -0.009615933522582054, -0.010408925823867321, 0.004075698088854551, 0.005318768322467804, -0.0031558978371322155, -0.012623591348528862, 0.0104803666472435, -0.01640281081199646, 0.01505972258746624, -0.0013948818668723106, -0.012337828055024147, 0.015388350933790207, 0.0014475694624707103, -0.02023203670978546, -0.009187288582324982, -0.018060237169265747, 0.004454334732145071, 0.009480195119976997, 0.008322854526340961, -0.04180716350674629, 0.002371834823861718, 0.02897639200091362, 0.050237178802490234, 0.024304164573550224, -0.02156083658337593, -0.028704917058348656, -0.007126220967620611, -0.04592215269804001, -0.014216721057891846, -0.0030898151453584433, 0.011844886466860771, -0.011544834822416306, 0.009201576001942158, -0.004268588498234749, 0.022618161514401436, -0.02058924175798893, -0.011273359879851341, -0.005983167793601751, -0.011380520649254322, -0.007029775530099869, 0.01866034045815468, 0.010544663295149803, 0.0066761439666152, -0.05392352491617203, 0.01049465499818325, -0.003929244354367256, 0.01504543423652649, -0.015602673403918743, 0.009480195119976997, -0.011866318993270397, 0.0001781555183697492, 0.0007228917093016207, -4.261332651367411e-05, 0.00725124217569828, 0.00042150079389102757, 0.001528833294287324, -0.038635190576314926, -0.0030505226459354162, 0.009830255061388016, -0.004407898057252169, -0.018074525520205498, -0.0023557606618851423, -0.002439703792333603, -0.0022021629847586155, -0.002636165823787451, -0.008872948586940765, -0.014859688468277454, 0.019331883639097214, -0.018574610352516174, 0.021603701636195183, 0.004397181794047356, 0.009165856055915356, 0.06246784329414368, -0.013580897822976112, 0.014445331878960133, -0.004039977677166462, -0.01947476528584957, -0.041921466588974, -0.0031416097190231085, 0.009858831763267517, -0.028261983767151833, 0.012802192941308022, -0.00757987005636096, 0.018788933753967285, -0.006361803971230984, 0.005140166264027357, 0.003166613867506385, -0.029976563528180122, -0.022632448002696037, 0.03177687153220177, -0.0003498367150314152, -0.014373891055583954, -0.003054094733670354, -0.007019059732556343, 0.005368777085095644, -0.0016726079629734159, 0.006944046821445227, 0.007915642112493515, -0.013488025404512882, 0.017788762226700783, 0.010423214174807072, -0.006547550205141306, -0.01790306717157364, 0.006822597235441208, 0.011301936581730843, 0.0012198518961668015, 0.005086585879325867, 0.1889466494321823, -0.0035166738089174032, 0.03089100681245327, 0.009665941819548607, -0.0037577867042273283, -0.008358574472367764, 0.04309309646487236, 0.010830426588654518, 0.005283047910779715, -0.0024789960589259863, -0.003636337351053953, 0.004740097559988499, -0.018188830465078354, -0.0004710628418251872, 0.0324627049267292, -0.028747782111167908, -0.03932102024555206, -0.03334857150912285, -0.02724752575159073, 0.01200205646455288, -0.006829741410911083, -0.008022802881896496, -0.01658855564892292, -0.022032346576452255, 0.01830313540995121, -0.023175399750471115, -0.03377721458673477, -0.011952047236263752, 0.021260784938931465, 0.005168742500245571, -0.02819054387509823, -0.011037604883313179, 0.02191803976893425, 0.0010591100435703993, 0.007344115525484085, -0.01460250187665224, 0.0342915877699852, 0.011852030642330647, 0.007365547586232424, 0.018646052107214928, -0.00942304264754057, -0.031948331743478775, 0.0058545744977891445, 0.022832483053207397, 0.017002912238240242, 0.007979938760399818, -0.00204677926376462, 0.019531916826963425, 0.00012055636761942878, -0.003545250277966261, -0.023103957995772362, -0.02704749070107937, 0.028490595519542694, 0.020489225164055824, -0.024547062814235687, 0.005365204997360706, -0.0051473104394972324, 0.027018913999199867, 0.0034702373668551445, 0.008794363588094711, -0.03780647739768028, 0.0018324567936360836, 0.02704749070107937, 0.0049186996184289455, -0.014323882758617401, 0.02211807481944561, -0.02306109294295311, 0.00780848041176796, 0.017502998933196068, 0.006368948146700859, -0.0070440638810396194, -0.02363261952996254, -0.011180486530065536, 0.005715264938771725, -0.03980682045221329, -0.020832139998674393, 0.04077841341495514, -0.0033487880136817694, -0.004200719762593508, 0.022389549762010574, -0.0025825852062553167, 0.03717779740691185, 0.0001627510937396437, 0.007687031291425228, -0.012323539704084396, -0.04840829223394394, -0.00235933274962008, -0.00898011028766632, -0.015331197530031204, -0.02803337387740612, -0.01754586212337017, 0.020875005051493645, -0.017074353992938995, -0.006894038058817387, 0.024161282926797867, -0.002332542557269335, 0.02744755893945694, 0.012709320522844791, -0.020146308466792107, 0.01737440563738346, -0.014095271937549114, 0.04752242565155029, 0.02651882916688919, -0.005033005028963089, -0.014166712760925293, -0.0009894552640616894, 0.013702347874641418, 0.018074525520205498, 0.011987768113613129, 0.011952047236263752, 0.00581170991063118, -0.030205175280570984, -0.003925672732293606, -0.011559123173356056, 0.013795220293104649, 0.03523460775613785, 0.004704377148300409, -0.02516145259141922, -0.0029469334986060858, -0.015202604234218597, 0.015002570115029812, -0.007176229264587164, 0.014252441935241222, 0.03200548142194748, -0.0019717663526535034, 0.021960904821753502, -0.014188145287334919, 0.0023111102636903524, -0.01323798205703497, -0.025232894346117973, 0.025232894346117973, -0.021217919886112213, 0.006229638587683439, 0.003900668350979686, 0.0021039319690316916, -0.015102587640285492, -0.022432414814829826, -0.01515974011272192, -0.00981596764177084, -0.007651310879737139, 0.013895237818360329, -0.005458077881485224, 0.010980452410876751, 0.03754929080605507, -0.005333056673407555, -0.016345657408237457, 0.001730653690174222, 0.027590440586209297, 0.005654540378600359, -0.034234438091516495, 0.004950847942382097, -0.024932842701673508, 0.023704061284661293, -0.014945417642593384, 0.023389721289277077, -0.015331197530031204, -0.004225723911076784, -0.05358060821890831, 0.015559808351099491, 0.007872777059674263, -0.029090698808431625, 0.00790849793702364, 0.034977421164512634, -0.02590443752706051, -0.0057867057621479034, -0.006136765703558922, -0.18403153121471405, 0.016659997403621674, 0.03086243011057377, -0.028490595519542694, 0.0161741990596056, 0.017788762226700783, 0.012816481292247772, 0.008908669464290142, -0.00030183742637746036, 0.00024200574262067676, 0.01697433739900589, 0.0008171042427420616, 0.0020521373953670263, -0.009122991934418678, 0.006704720202833414, -0.0016601058887317777, 0.02080356329679489, 0.010358917526900768, 0.014931129291653633, 0.0013939888449385762, -0.01105189323425293, -0.028104815632104874, 0.016502827405929565, 0.016102759167551994, -0.006458249408751726, 0.010137450881302357, -0.013480881229043007, 0.009687374345958233, -0.01964622363448143, -0.006093901116400957, 0.010266044177114964, -0.012687887996435165, 0.008722922764718533, -0.018917527049779892, -0.0013725565513595939, 0.019960561767220497, -0.010894723236560822, -0.0015154381981119514, -0.001130550866946578, 0.054037827998399734, 0.022646736353635788, 0.024704232811927795, 0.012752184644341469, 0.012730752117931843, -0.018203118816018105, -0.004229295998811722, 0.015374062582850456, -0.011109045706689358, 0.0023664769250899553, -0.01697433739900589, -0.016117047518491745, -0.0037577867042273283, 0.034605927765369415, 0.0070940726436674595, -0.002211092971265316, 0.009530204348266125, 0.027218949049711227, 0.0042221518233418465, 0.022632448002696037, -0.011044749058783054, -0.027333253994584084, -0.013680915348231792, 0.005926015321165323, -0.00014567228208761662, -0.006379664409905672, -0.042807333171367645, -0.02706177905201912, -0.007026203908026218, -0.029662225395441055, -0.006572554353624582, -0.020046291872859, -0.00681545352563262, 0.01400239858776331, -0.004507915116846561, 0.02534719929099083, 0.011609131470322609, 0.0015940230805426836, 0.003600616939365864, -0.014873976819217205, 0.01773160882294178, -0.0024629218969494104, 0.03660627081990242, 0.0006353767239488661, -0.01209492888301611, 0.013123677112162113, -0.02346116304397583, -0.01966051012277603, -0.019889121875166893, 0.003355931956321001, 0.011859174817800522, 0.010323196649551392, -0.013923813588917255, 0.01604560576379299, -0.024104129523038864, 0.026547405868768692, -0.008601473644375801, 0.012409268878400326, -0.01565982587635517, 0.018588898703455925, -0.016059894114732742, 0.00126182334497571, -0.016074182465672493, -0.020832139998674393, 0.0012359260581433773, 0.03752071410417557, 0.019489053636789322, -0.005133022088557482, 0.0030933870002627373, 0.025647250935435295, -0.021432243287563324, 0.0008827405399642885, 0.012559294700622559, 0.038063663989305496, 0.0061581977643072605, -0.012859346345067024, 0.037292104214429855, 0.002441489603370428, -0.03869234398007393, 0.023003941401839256, -0.01713150553405285, 0.046836595982313156, 0.0046150763519108295, -0.027361830696463585, -0.020689258351922035, 0.007594157941639423, -0.0029772957786917686, -0.12036347389221191, 0.001752978889271617, 0.01773160882294178, 0.011773445643484592, -0.05103731527924538, 0.0009068517829291523, -0.004647224675863981, 0.007065495941787958, -0.023132534697651863, 0.04403611645102501, -0.020303478464484215, -0.02248956635594368, -0.01504543423652649, 0.005133022088557482, 0.004215007647871971, -0.013509456999599934, 0.016717148944735527, -0.02747613564133644, 0.009458763524889946, 0.024732807651162148, 0.009665941819548607, -0.005697404500097036, -0.031576838344335556, 0.0010653610806912184, 0.006622563116252422, 0.011766301468014717, -0.02934788540005684, 0.018774645403027534, 0.021660853177309036, 0.027133218944072723, 0.003475595498457551, -0.024875689297914505, 0.004000685177743435, -0.020689258351922035, -0.0067297243513166904, -0.007544149644672871, -0.028261983767151833, 0.005890294909477234, 0.02820483222603798, -0.027604728937149048, 0.008551465347409248, 0.008515744470059872, 0.022746754810214043, 0.00973023846745491, -0.017260100692510605, -0.0032952073961496353, -0.016359945759177208, 0.026418812572956085, -0.01333799958229065, -0.01440961193293333, -0.005358060821890831, -0.033834367990493774, -0.009180144406855106, 0.0005478617385961115, 0.013280847109854221, -0.01637423411011696, -0.009080126881599426, 0.010444646701216698, -0.017102930694818497, 0.004004257265478373, -0.017817338928580284, -0.0013127248967066407, -0.013216549530625343, 0.015702690929174423, 0.027376119047403336, 0.021103614941239357, -0.030205175280570984, -0.02876207046210766, 0.009237296879291534, -0.0015109730884432793, -0.025675827637314796, 0.034605927765369415, -0.017417268827557564, 0.008229981176555157, -0.03034805692732334, -0.023718349635601044, -0.023904094472527504, -0.015945589169859886, 0.004025689791887999, -0.018717491999268532, -0.01468823105096817, -0.03069097176194191, -0.0003406833566259593, -0.021489396691322327, 0.013095100410282612, -0.0061974902637302876, -0.014123848639428616, -0.0014413183089345694, 0.024447046220302582, -0.039349596947431564, 0.026175912469625473, 0.009387322701513767, -0.01078756246715784, -0.013673771172761917, 0.009965993463993073, 0.01056609582155943, -0.008487168699502945, 0.003589900676161051, 0.015702690929174423, -0.004875835496932268, -0.03392009809613228, -0.002482568146660924, -0.06989768892526627, 0.01514545176178217, -0.004932987969368696, -0.009951705113053322, -0.006586842704564333, -0.017117219045758247, 0.011387664824724197, 0.0001931134465849027, -0.014845400117337704, 0.0051473104394972324, -0.03657769411802292, 0.01049465499818325, -0.00990884006023407, -0.00777276000007987, -0.009008686058223248, -0.031748294830322266, 0.01660284399986267, -0.00898011028766632, 0.0200177151709795, 0.023018229752779007, -0.0032076924107968807, 0.008601473644375801, 0.01230210717767477, 0.016245640814304352, -0.011744868941605091, -0.014445331878960133, -0.001602953183464706, 0.0031541117932647467, 0.009951705113053322, 0.015031146816909313, 0.016088470816612244, -0.041264213621616364, 0.004175715148448944, 0.0104803666472435, 0.0020128448959439993, -0.02173229493200779, -0.004904411733150482, 0.0020110588520765305, 0.019103271886706352, 0.03986397385597229, -0.04595072939991951, -0.024489909410476685, -0.016288504004478455, -0.00338272238150239, -0.013652338646352291, 0.0162313524633646, 0.02100359834730625, 0.01297365128993988, 0.0005304480437189341, -0.01373806782066822, 0.04495055973529816, 0.0054509337060153484, 0.005700976587831974, -0.056181054562330246, -0.024704232811927795, 0.009665941819548607, 0.011223351582884789, -0.009030118584632874, -0.0005166063783690333, -0.02746184729039669, 0.03643481433391571, 0.011666283942759037, 0.02937646210193634, 0.017974507063627243, 0.016459962353110313, -0.025775844231247902, -0.012102073058485985, -0.0128736337646842, -0.012866489589214325, -0.019031831994652748, -0.005140166264027357, 0.01325227040797472, 0.01770303212106228, 0.01928901858627796, 0.012466421350836754, -0.008337142877280712, -0.014352458529174328, 0.006211778614670038, -0.03980682045221329, 0.0067190080881118774, 0.03217694163322449, -0.017617303878068924, -0.0026790304109454155, 0.02023203670978546, 0.02633308246731758, -0.018060237169265747, -0.003832799382507801, 0.023018229752779007, 0.002577227307483554, 0.017245812341570854, 0.0048901233822107315, 0.010744698345661163, 0.001444890396669507, 0.001594916102476418, -0.008558609522879124, 0.023589756339788437, -0.02191803976893425, 0.009787390939891338, 0.023775501176714897, 0.027233237400650978, -0.0032130505423992872, 0.008894381113350391, -0.007283390499651432, -0.02306109294295311, -0.025804420933127403, 0.0027468991465866566, -0.027161795645952225, -0.0012153867864981294, 0.0015234752791002393, -0.018460305407643318, 0.014616790227591991, 0.0018467449117451906, 0.012152082286775112, 0.012895066291093826, -0.023318281397223473, -0.005079441703855991, 0.002805837895721197, -0.024075552821159363, -0.03549179434776306, 0.028862087056040764, -0.00800137035548687, 0.005715264938771725, 0.030033716931939125, 0.009580212645232677, 0.029519343748688698, 0.011251927353441715, 0.02443275786936283, -0.01266645547002554, 0.01941761188209057, -0.03700634092092514, 0.01641709916293621, -0.004307880997657776, -0.007565581705421209, 0.011559123173356056, -0.005283047910779715, -0.014445331878960133, 0.007865632884204388, -0.002848702250048518, -0.017074353992938995, 0.0952734649181366, 0.03620620444417, -0.0011153696104884148, 0.003107675351202488, -0.02840486541390419, 0.005411641206592321, 0.02954791858792305, -0.011301936581730843, -0.017045777291059494, -0.038606613874435425, 0.0034952417481690645, -0.01497399341315031, 0.010651824995875359, -0.030062293633818626, 0.0027754753828048706, -0.0045472076162695885, -0.025847285985946655, 0.02231810986995697, -0.01183059811592102, 0.010030290111899376, 0.013373719528317451, 0.020817851647734642, 0.0199891384691, 0.005625963676720858, -0.024304164573550224, 0.0006291256286203861, 0.0024254154413938522, -0.015574096702039242, 0.015902724117040634, -0.03592044115066528, -0.006572554353624582, 0.012509285472333431, -0.0418928898870945, -0.01657426729798317, -0.009551635943353176, 0.007222665939480066, -0.00633322773501277, 0.002604017499834299, 0.020703546702861786, 0.007372691761702299, 0.01853174716234207, 0.017774473875761032, 0.010366061702370644, -0.004079270176589489, -0.008987253531813622, -0.013102244585752487, -0.024889977648854256, -0.006029604468494654, -0.026604557409882545], metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f7cdbb96-f0d3-447d-8a76-6ed3c785d9cf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d97f7a991825ab14e884476720832b329e6162b0c22aa7ce2dbbdbdf9e31e718'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='9f486445-5722-4e11-b707-e80d2d5ea0f5', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '3', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='c1e256ad162d3e063c953134567f3fcb536d84738e50932df060563449f2c532'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='8c21b77e-4f06-4882-ba1e-370d5130957a', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='93e2bd46be97d41d53efff8213292088cf3640063f9dfb9b053f597e1e67cebc')}, hash='bcea9e6d7481b9c82ddb57a20fc33d59e0f4b7bfdd70e9133b35d120e28d8ce3', text='4 IEEE TRANSACTIONS ON JOUR NAL NAME, MANUSCRIP T ID NSW approach thus can utilize the same methods for making the distributed approximate search/overlay structures [45]. For the selection of the proximity graph con nections during the element insertion we utilize a heuristic that takes into account the distances between the candidate elements to create diverse connections (a similar alg orithm was utilized in the spatial approximation tree [4] to select the tree child ren) instead of just selecting the closest neighbors. The heuristic examines the candidates starting from the nearest (with respect to the inserted element ) and creates a connection to a candidate only if it is closer to the base (inserted) element compared to any of the a lready connected candidates (see Section 4 for the details). When the number of candidates is large enough the heuristic allows getting the exact relative neighborhood graph [46] as a subgraph , a minimal subgraph of the D elaunay graph deducible by using only the distances b etween the nodes. The relative neighborhood graph allows easily keeping the global connected component, even in case of highly clustered data (see Fig. 2 for illustration). Note that the heuristic creates extra edges compared to the exact relative neighborhood graph s, allowing contro lling the number of the connections which is important for search performance . For the case of 1D data the heuristic allows getting the exact Delaunay subgraph (which in this c ase coincides with the relative neighborhood graph) by using only information about the distances between the elements, thus making a direct transition from Hiera rchical NSW to the 1D probabilistic skip list algorithm. Base variant of the Hierarchical NSW proximity graphs was also used in ref. [18] (called ‘sparse neighbo rhood graphs’) for proximity graph searching. Similar heuristic was also a focus of the FANNG algorithm [47] (published shortly after the first versions of the current manuscript were posted online) with a slightly different interpretation, based on the sparse neighborhood graph ’s property of the exact routing [18]. ', start_char_idx=0, end_char_idx=2134, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
433
       " TextNode(id_='8c21b77e-4f06-4882-ba1e-370d5130957a', embedding=[-0.014070776291191578, 0.039215512573719025, -0.02191958762705326, -0.010724329389631748, 0.0018908497877418995, 0.015269503928720951, -0.0018694439204409719, -0.014798575080931187, -0.02435985393822193, -0.05813828110694885, -0.0009828851325437427, 0.01334297750145197, 0.00041117065120488405, 0.02595815621316433, -0.0021263142116367817, 0.0004704826860688627, 0.012793561443686485, 0.004759233444929123, -0.007253014482557774, 0.013036160729825497, -0.037845537066459656, 0.002920114202424884, -0.0018551733810454607, -0.04549456015229225, 0.000884329027030617, 0.030738795176148415, 0.015269503928720951, -0.008012921549379826, -0.009240190498530865, -0.009432842954993248, 0.019736191257834435, -0.008362551219761372, -0.01355703640729189, 0.023032691329717636, -0.006082828156650066, -0.017024783417582512, 0.013756824657320976, -0.022319162264466286, 0.02560139261186123, 0.001525166560895741, 0.022918526083230972, 9.6159077656921e-05, -0.005301514640450478, -0.009832418523728848, -0.005961528513580561, -0.003267959225922823, -0.0070674968883395195, -0.031537946313619614, 0.0014341917121782899, 0.02301841974258423, 0.008184168487787247, 0.033250413835048676, -0.02818436548113823, 0.00463793333619833, -0.024531099945306778, 0.00015396601520478725, 0.007934434339404106, 0.005233729723840952, 0.011609104461967945, -0.022019481286406517, -0.004256195854395628, -0.007377882022410631, -0.037702832370996475, 0.017766853794455528, -0.00556908780708909, -0.020678048953413963, -0.010952658019959927, 0.007392152212560177, 0.002393887145444751, -0.011901650577783585, 0.015298045240342617, 0.030795877799391747, -0.019679108634591103, -0.0033393120393157005, 0.023888925090432167, -0.012072897516191006, 0.010809952393174171, 0.007955839857459068, -0.0007211094489321113, 0.013200271874666214, 0.0025687015149742365, -0.027585001662373543, -0.0034178001806139946, 0.03567641228437424, 0.00035698708961717784, 0.030653173103928566, 0.013763959519565105, 0.0275992713868618, -0.04127047210931778, 0.0007380557362921536, 0.04449561983346939, 0.020792212337255478, 0.024745158851146698, -0.013214542530477047, -0.0037353201769292355, 0.0006176478927955031, -0.022747280076146126, 0.00847671553492546, 0.016939159482717514, -0.028655294328927994, -0.015911679714918137, 0.005526276305317879, -0.003218012396246195, -0.006471700966358185, -0.00610780157148838, -0.0066857594065368176, -0.01956494338810444, 0.0026043779216706753, 0.00425976375117898, 0.012015814892947674, -0.0005619034636765718, 0.015711892396211624, -0.002474159235134721, 0.013642659410834312, -0.0072137704119086266, -0.021605635061860085, 0.03473455458879471, -0.025130463764071465, -0.002447401871904731, -0.012087168172001839, 0.017866747453808784, 0.020392635837197304, 0.019935978576540947, 0.0005949041806161404, 0.017338735982775688, 0.0022886418737471104, -0.0030753067694604397, -0.03265105187892914, -0.02006441354751587, -0.03967216983437538, 0.03687513992190361, 0.01498409267514944, 0.00902613252401352, 0.014249159023165703, -0.03048192523419857, 0.020521072670817375, 0.009918042458593845, -0.03165211156010628, -0.030225055292248726, -0.03165211156010628, 0.014027965255081654, 0.030510466545820236, -0.003398178145289421, -0.018566004931926727, -0.017367277294397354, 0.041955459862947464, 0.004431010223925114, 0.02939736284315586, 0.0015091121895238757, -0.020092954859137535, 0.00418484304100275, 0.005137403029948473, -0.005155241582542658, 0.01632552593946457, 0.0005333623266778886, 0.015055445954203606, -0.007827404886484146, 0.010374700650572777, -0.020592425018548965, -0.04874824732542038, -0.02330383099615574, 0.017452901229262352, 0.009468519128859043, -0.005601196549832821, 0.001742792665027082, 0.03373561426997185, 0.009325813502073288, -0.003931540530174971, -0.01067438255995512, -0.023560702800750732, -0.01225841511040926, 0.01604011468589306, -0.025829721242189407, 0.00779886357486248, 0.005180214997380972, -0.024202877655625343, 0.037702832370996475, 0.009247326292097569, -0.03265105187892914, -0.01442040503025055, -0.004281169269233942, 0.012914860621094704, 0.0062540750950574875, 0.03305062651634216, -0.007128146942704916, -0.003398178145289421, 0.015797514468431473, 0.009147431701421738, 0.0062398044392466545, -0.015526373870670795, 0.004894803743809462, 0.0038316466379910707, -0.0006310265162028372, 0.0072815557941794395, -0.5858923196792603, -0.02134876511991024, 0.009011861868202686, -0.021334493532776833, -0.018894227221608162, -0.004002893343567848, 0.01157342828810215, 0.018680168315768242, 0.020663777366280556, 0.01947932131588459, -0.03262250870466232, 0.002896924503147602, -0.004595121834427118, -2.85411297227256e-05, -0.017381547018885612, -0.015112527646124363, -0.0018783630803227425, -0.03442060202360153, 0.02062096633017063, 0.0067535447888076305, -0.021734070032835007, 0.02595815621316433, -0.012636585161089897, 0.0013360816519707441, 0.00902613252401352, 0.01711040735244751, 0.014370458200573921, -0.05357170104980469, 0.002436698880046606, 0.021177517250180244, -0.022162185981869698, 0.015041175298392773, -0.002707839710637927, 0.02588680386543274, 0.055740825831890106, -0.02236197516322136, -0.016696561127901077, 0.010724329389631748, 0.03573349490761757, 0.010039342567324638, -0.030681714415550232, -0.02163417637348175, 0.0030753067694604397, 0.004084948915988207, -0.00026489736046642065, 0.00505178002640605, 0.004448848310858011, -0.004591553937643766, -0.013371518813073635, -0.04412458464503288, -0.003267959225922823, 0.0003578790056053549, -0.031223995611071587, 0.0008883426198735833, 0.0028755187522619963, -0.013863853178918362, 0.010888440534472466, -0.012008680030703545, 0.012850643135607243, 0.003530181013047695, 0.028127282857894897, -0.0068070595152676105, -0.006043584086000919, -0.023246750235557556, -0.028869351372122765, 0.021619904786348343, -0.009732524864375591, 0.008612285368144512, -0.02084929496049881, -0.016739372164011, 0.008205574937164783, 0.022947067394852638, 0.011616239324212074, 0.013235948979854584, 0.006168451625853777, 0.028712375089526176, 0.023046961054205894, 0.010524541139602661, -0.012272685766220093, -0.0011184555478394032, 0.008269792422652245, 0.0009133161511272192, -0.01595449075102806, -0.003232282819226384, 0.025330252945423126, 0.003150227013975382, -0.04512352496385574, -0.002720326418057084, -0.02323247864842415, 0.004884100519120693, -0.001527842367067933, -0.009575548581779003, -0.02106335386633873, -0.04346814006567001, 0.011673321947455406, 0.00429900735616684, 0.0019033364951610565, -0.007827404886484146, 0.024317042902112007, -0.048263050615787506, -0.02524462901055813, -0.013164595700800419, 0.006175586953759193, -0.028055930510163307, 0.015726162120699883, 0.007720375433564186, -0.005362164694815874, 0.0009150999248959124, 0.027428025379776955, -0.01955067366361618, 0.004687880631536245, -0.010952658019959927, -0.00819130428135395, 0.00847671553492546, -0.01855173334479332, -0.03128107637166977, 0.02652897872030735, 0.007484911009669304, -0.011744674295186996, -0.013364383950829506, 0.04127047210931778, -0.00202285242266953, 0.018994120880961418, -0.009696848690509796, 0.010874169878661633, 0.005868769716471434, 0.0036193719133734703, -0.015083986334502697, -0.041727129369974136, -0.005012535955756903, 0.010610165074467659, -0.012265549972653389, 0.03290792182087898, -0.018437569960951805, 0.025201816111803055, -0.012237008661031723, 0.015183880925178528, 0.013899530284106731, 0.008690773509442806, -0.015340857207775116, -0.016425419598817825, 0.006403916049748659, 0.004142031539231539, -0.030282137915492058, -0.01118098758161068, -0.006803491618484259, -0.017124677076935768, 0.016568126156926155, -0.013036160729825497, -0.007449234835803509, -0.017595605924725533, -0.01897985115647316, -0.02601523883640766, 0.025430146604776382, 0.01611146703362465, 0.0009258028585463762, 0.002188747748732567, -0.009975125081837177, -0.019308073446154594, -0.03256542980670929, -0.005526276305317879, 0.037988241761922836, -0.02423141896724701, -0.026115132495760918, 0.0077417814172804356, -0.007627616636455059, 0.0019033364951610565, 0.0026846500113606453, 0.024787969887256622, -0.036047447472810745, -0.010153506882488728, -0.01949359104037285, -0.024317042902112007, 0.03091004304587841, -0.009803878143429756, -0.004142031539231539, 0.004962588660418987, -0.003935107961297035, -0.0013012971030548215, -0.012800696305930614, 0.014727222733199596, 0.005954393185675144, 0.003956513945013285, -0.012315496802330017, 0.028569670394062996, -0.006956900004297495, 0.012015814892947674, -0.0007728402852080762, -0.014391864649951458, 0.010524541139602661, 0.013813906349241734, 0.023389454931020737, -0.016197090968489647, 0.002088853856548667, -0.011330828070640564, 0.015983032062649727, 0.01185883954167366, -0.008726450614631176, -0.002871951088309288, 0.04164150729775429, 0.009918042458593845, -0.024630993604660034, 0.011908786371350288, -0.009796742349863052, 0.015212422236800194, -0.03236563876271248, 0.013749688863754272, -0.008355415426194668, 0.017452901229262352, 0.014855657704174519, 0.012929131276905537, -0.010710058733820915, -0.0017597390105947852, -0.022875715047121048, 0.011288016103208065, 0.03193752467632294, -0.02013576589524746, 0.009703983552753925, -0.005308649968355894, 0.016054384410381317, 0.0026882176753133535, -0.0005980258574709296, 0.027513649314641953, 0.006443160120397806, 0.0042740339413285255, -0.0011915921932086349, 0.01542648021131754, 0.02027847245335579, -0.004766368772834539, -0.011166716925799847, -0.010310483165085316, -0.02062096633017063, 0.01689634844660759, 0.0024152931291610003, 0.019365156069397926, 0.003630074905231595, 0.03456330671906471, -0.006903385743498802, 0.0031074155122041702, -0.00706036202609539, 0.00909035000950098, 0.019935978576540947, 0.015768973156809807, -0.01254382636398077, 0.0027667058166116476, -0.009832418523728848, 0.03219439461827278, 0.005547681823372841, -0.004912641830742359, 0.013428601436316967, 0.003064603777602315, 0.023846114054322243, 0.01459165196865797, 0.016482502222061157, -0.0035819117911159992, -0.009475654922425747, 0.017866747453808784, 0.014605922624468803, 0.029939644038677216, 0.04498082026839256, 0.020092954859137535, -0.022604573518037796, 0.022761549800634384, -0.011330828070640564, -0.0014386512339115143, -0.06621541827917099, 0.010075018741190434, 0.00720663508400321, 0.009004726074635983, -0.022918526083230972, 0.013970882631838322, 0.0007041631615720689, -0.0010961577063426375, -0.028369883075356483, 0.017595605924725533, 0.0019193909829482436, 0.0163826085627079, -0.014998363330960274, 0.03470601141452789, 0.0007995975902304053, -0.04406750202178955, -0.006978305988013744, 0.009946583770215511, 0.03273667395114899, -0.009982259944081306, -0.019650567322969437, 0.002549079479649663, 0.028013117611408234, -0.020663777366280556, -0.013999423943459988, -0.011509209871292114, -0.0057795788161456585, -0.0066215419210493565, -0.02481651119887829, -0.01947932131588459, 0.0031270375475287437, 0.02481651119887829, 0.005904445890337229, 0.011601968668401241, 0.004612959921360016, 0.017781123518943787, -0.0005074969376437366, -0.013806771486997604, -0.010760005563497543, 0.04823450744152069, -0.01818070001900196, -0.016125738620758057, -0.023403726518154144, 0.021520011126995087, -0.009211649186909199, -0.006257642526179552, -0.0028220040258020163, 0.0025348090566694736, 0.02393173612654209, 0.01182316243648529, -0.01441327016800642, -0.0033785561099648476, 0.013107513077557087, 0.03638993948698044, -0.00787021592259407, -0.007820269092917442, -0.033535826951265335, -0.010488864965736866, 0.015155339613556862, 0.03225147724151611, 0.04246919974684715, -0.0057117934338748455, -0.0017722257180139422, -0.006550189107656479, -0.004035002086311579, -0.024887865409255028, 0.00409921957179904, 0.016511043533682823, 0.0015679782954975963, -0.0014029748272150755, 0.0009543439955450594, 0.012929131276905537, 0.003974352031946182, 0.021876774728298187, 0.006903385743498802, 0.0050303740426898, -0.030225055292248726, 0.00248842965811491, 0.02767062559723854, -0.013521360233426094, -0.02968277409672737, 0.0056333052925765514, 0.021020540967583656, -0.006528783123940229, 0.00045442828559316695, 0.014398999512195587, -0.011045416817069054, -0.0012210251297801733, -0.019436508417129517, -0.010945523157715797, 0.00937576126307249, 0.036760974675416946, 0.023689137771725655, -0.015012633986771107, 0.03142378479242325, 0.013771094381809235, 0.024787969887256622, 0.02040690742433071, -0.02049253135919571, 0.01999306119978428, 0.00715312035754323, 0.005308649968355894, 0.010424647480249405, 0.004934047814458609, 0.0016366554191336036, 0.0028541130013763905, 0.01970764994621277, -0.025701286271214485, -0.011159581132233143, 0.024102983996272087, -0.028954975306987762, -0.015440750867128372, -0.002959358273074031, 0.0010827791411429644, 0.004252628423273563, -0.012993348762392998, -0.014456082135438919, -0.0028362746816128492, -0.04067111015319824, -0.0014332998543977737, -0.015169610269367695, 0.019450780004262924, -0.004898371174931526, -0.007484911009669304, -0.00848385039716959, -0.01283637247979641, 0.0076204813085496426, -0.015169610269367695, -0.009625495411455631, 0.005704658105969429, -0.00938289612531662, -0.034106649458408356, -0.007456370163708925, 0.008819208480417728, 0.034049566835165024, 0.010503135621547699, 0.018722981214523315, -0.02256176248192787, 0.02084929496049881, -0.013414330780506134, -0.00977533683180809, -0.005533411633223295, -0.0062540750950574875, 0.009118890389800072, -0.024602454155683517, 0.0037495908327400684, -0.007306529209017754, -0.007249446585774422, -0.0357905775308609, 0.0011068606982007623, -0.006860573776066303, 0.009283002465963364, 0.0007808674708940089, 0.004505930934101343, 0.010267671197652817, 0.008719314821064472, 0.023846114054322243, 0.011295151896774769, -0.013649795204401016, 0.0037246174179017544, -0.0012210251297801733, -0.014827116392552853, 0.01462732907384634, 0.018494652584195137, 0.0005529843620024621, 0.009482789784669876, -0.0036960761062800884, -0.016867807134985924, -0.016553854569792747, 0.0350770466029644, -0.01452743448317051, 0.018451839685440063, 0.0016937375767156482, 0.002358210738748312, 0.04155588522553444, 0.029311738908290863, 0.0037745642475783825, 0.01315746083855629, -0.01322167832404375, 0.007520587649196386, -0.01283637247979641, 0.019679108634591103, 0.00463793333619833, -0.03316479176282883, 0.021234599873423576, -0.020035872235894203, 0.0021691257134079933, -0.014377593994140625, -0.010995469987392426, -0.017809664830565453, 0.01290058996528387, 0.009111755527555943, -0.013307301327586174, -0.0276848953217268, -0.0023564270231872797, -0.00988950114697218, -0.0051980530843138695, -0.02868383564054966, -0.011744674295186996, 0.010196317918598652, -0.03681805729866028, 0.016639478504657745, 0.009903771802783012, -0.025173276662826538, -0.02366059646010399, -0.0298254806548357, 0.006064990069717169, 0.01760987751185894, 0.010838493704795837, -0.014477487653493881, -0.0021512876264750957, -0.0008192195673473179, -0.018879957497119904, -0.0003906566998921335, -0.00988950114697218, -0.018708709627389908, 0.01956494338810444, 0.029568608850240707, 0.01452029962092638, 0.036332856863737106, -0.004527336452156305, 0.0036407778970897198, 0.02882654033601284, 0.012971943244338036, 0.00927586667239666, -0.009233055636286736, -0.0003603317600209266, -0.012115709483623505, 0.00898332055658102, 0.04552309960126877, -0.009233055636286736, 0.030225055292248726, -0.0010890224948525429, 0.02767062559723854, 0.02572982758283615, 0.009661172516644001, -0.0117946220561862, -0.007442099507898092, -0.04549456015229225, -0.0053443266078829765, -0.004548742435872555, -0.009225919842720032, 0.0117518100887537, -0.03407811000943184, -0.018166428431868553, -0.013164595700800419, -0.014955551363527775, 0.017595605924725533, -0.0028220040258020163, 0.01746717095375061, -0.007085335440933704, 0.0052230264991521835, 0.02301841974258423, 0.024545371532440186, -0.021006271243095398, 0.013878123834729195, -0.03593328222632408, -0.0007594616035930812, 0.017781123518943787, -0.009768201038241386, 0.01933661475777626, -0.02113470621407032, 0.008961914107203484, -0.004755665548145771, -0.001897985115647316, 0.0100607480853796, -0.01498409267514944, 0.00013924948871135712, -0.00562260253354907, -0.016354067251086235, -0.019964519888162613, -0.01574043184518814, 0.010296212509274483, -0.019108286127448082, 0.008847749792039394, -0.003963649272918701, -0.0009110863320529461, -0.023332372307777405, -0.023532161489129066, 0.01225841511040926, 0.005169512238353491, 0.04529477283358574, -0.016140008345246315, 0.014498893171548843, 0.0327652171254158, -0.016853537410497665, -0.018665898591279984, 0.025187546387314796, -0.0007023793295957148, 0.01502690464258194, 0.024060171097517014, 0.039072804152965546, -0.041299015283584595, -0.01949359104037285, -0.005069618113338947, -0.004680745303630829, -0.003967217169702053, -0.045180607587099075, 0.027841871604323387, 0.033393122255802155, 0.0042633311823010445, -0.02904059924185276, -0.009340084157884121, -0.025843992829322815, 0.025073381140828133, -0.002347507979720831, 0.01947932131588459, -0.006543053779751062, -0.017938099801540375, -0.0025205384008586407, 0.02508765272796154, 0.005661846604198217, 0.05522708594799042, 0.009825283661484718, 0.00769183412194252, 0.001756171346642077, -0.0071638235822319984, -0.011616239324212074, 0.021662717685103416, -0.015455021522939205, 0.058851808309555054, -0.013778230175375938, -0.014869928359985352, 0.031166912987828255, -0.0028434100095182657, 0.015854597091674805, 0.0008437471115030348, 0.0007144201663322747, 0.03990050032734871, -0.035704951733350754, -0.0017097920645028353, -0.02501630038022995, -0.001039967406541109, 0.013549900613725185, 0.006503809709101915, -0.007820269092917442, -0.008640826679766178, -0.023603513836860657, -0.010695788078010082, 0.0235036201775074, -0.01272220816463232, 0.029854021966457367, 0.009725390002131462, -0.005572655238211155, -0.016140008345246315, -0.026714496314525604, 0.0025187546852976084, -0.002554431091994047, -0.03581911697983742, -0.009261596016585827, -0.018309134989976883, -0.019593484699726105, 0.004645068664103746, 0.0022083697840571404, -0.022847173735499382, 0.015654809772968292, 0.02033555507659912, -0.014855657704174519, 0.02069231867790222, 0.03847344219684601, 0.010267671197652817, -0.04132755473256111, -0.01604011468589306, -0.013136054389178753, -0.013385789468884468, 0.030710255727171898, -0.01602584309875965, -0.04067111015319824, -0.01185883954167366, -0.020435448735952377, 0.0209206473082304, 0.022262081503868103, -0.007656157948076725, -0.0009266947745345533, -0.00336071802303195, 0.013285895809531212, -0.006271913181990385, 0.0018409028416499496, 0.03556224703788757, -0.0003638993948698044, -0.011280881240963936, 0.020364096388220787, -0.006471700966358185, 0.017809664830565453, -0.015526373870670795, 0.00036100068246014416, -0.023061232641339302, -0.06227674335241318, -0.011238069273531437, -0.00016678722749929875, 0.015626268461346626, 0.013920935802161694, 0.004427442792803049, -0.009703983552753925, 0.007299393881112337, -0.02351788990199566, 0.023332372307777405, -0.00830546859651804, -0.02042117714881897, 0.007071064785122871, 0.00731366453692317, -0.016354067251086235, -0.005594061221927404, -0.016996242105960846, -0.00041629912448115647, 0.02049253135919571, 0.005615467205643654, -0.026343462988734245, -0.01063870545476675, 0.01853746362030506, 0.05736767128109932, 0.028455505147576332, -0.012636585161089897, -0.016268443316221237, -0.0017998749390244484, -0.07089616358280182, -0.009190243668854237, -0.02316112630069256, 0.00995371863245964, 0.0024795106146484613, 0.013321571983397007, -0.0008232332183979452, 0.01992170885205269, -0.01688207872211933, -0.00045710403355769813, -0.013892394490540028, -0.0024402665439993143, -0.013813906349241734, 0.008669367991387844, -0.006043584086000919, 0.0016678721876814961, -0.04169858992099762, 0.022775821387767792, 0.007934434339404106, 0.011116770096123219, -0.018223511055111885, 0.020307013764977455, -0.00948992557823658, -0.009525601752102375, 0.014448946341872215, -0.0052658384665846825, 0.0005342542426660657, -0.011694727465510368, -0.005422814749181271, -0.03422081470489502, 0.0066322446800768375, 0.014670140109956264, -0.010988335125148296, -0.039072804152965546, 0.0016758993733674288, 0.003037846414372325, -0.0071352822706103325, -0.0054299496114254, -0.014898469671607018, -0.03384977951645851, 0.014199212193489075, -0.02213364653289318, 0.03830219432711601, 0.011723268777132034, -0.0052908118814229965, 0.05225880816578865, -0.009918042458593845, 0.02481651119887829, 0.004784206859767437, -0.012993348762392998, -0.031880442053079605, -0.003820943646132946, 0.008712179958820343, -0.02069231867790222, 0.01017491240054369, 9.281441452912986e-05, 0.012572367675602436, 1.3085996215522755e-05, -0.007477775681763887, 0.005369300022721291, -0.021962398663163185, -0.03873031213879585, 0.026771578937768936, 0.010196317918598652, -0.011159581132233143, -0.008355415426194668, -0.008241251111030579, 0.014349052682518959, 0.0028523290529847145, -0.004570148419588804, -0.0019800409208983183, -0.017267383635044098, 0.020949188619852066, 0.006939061917364597, -0.004480957053601742, -0.022533221170306206, 0.009718254208564758, 0.008548067882657051, 0.009539872407913208, 0.005362164694815874, 0.209377720952034, -0.0104603236541152, 0.020806483924388885, 0.006011475343257189, -0.011116770096123219, -0.001155915786512196, 0.03801678493618965, 0.014563111588358879, 0.007534858305007219, 0.004548742435872555, -0.022376244887709618, 0.01502690464258194, -0.03593328222632408, -0.002054961398243904, 0.04181275516748428, -0.02681438997387886, -0.0366753526031971, -0.02588680386543274, -0.026058051735162735, 0.012479608878493309, -0.0009400734561495483, -0.008712179958820343, -0.011673321947455406, -0.019151097163558006, 0.011816027574241161, -0.021305952221155167, -0.02336091361939907, -0.005601196549832821, 0.028997786343097687, 0.0023046962451189756, -0.030453383922576904, 0.0028915731236338615, 0.023332372307777405, -0.005347894039005041, 0.00046468526124954224, -0.011444992385804653, 0.04358230531215668, 0.013264489360153675, -0.0029040598310530186, 0.018095076084136963, -0.009532737545669079, -0.023974549025297165, -0.002681082347407937, 0.01926526241004467, 0.011373640038073063, 0.01294340193271637, 0.0006568919052369893, 0.021106164902448654, -0.020021602511405945, -0.00451306626200676, -0.023475078865885735, -0.02788468264043331, 0.022033751010894775, 0.02795603685081005, -0.003717482089996338, -0.004834153689444065, -0.019250990822911263, 0.028740916401147842, 0.009147431701421738, 0.008754990994930267, -0.036275774240493774, 0.01862308755517006, 0.017866747453808784, 0.0011122120777145028, -0.013136054389178753, 0.022233540192246437, -0.02839842438697815, 0.006464565638452768, 0.005205188412219286, -0.0024777266662567854, 0.00015942896425258368, -0.01832340471446514, -0.009939447976648808, 0.008662233129143715, -0.03567641228437424, -0.00981814879924059, 0.03830219432711601, 0.013956611976027489, -0.005615467205643654, 0.03279375657439232, -0.002012149663642049, 0.019593484699726105, -0.009332949295639992, -0.0005101726856082678, -0.021520011126995087, -0.054256685078144073, 0.0010925900423899293, -0.006271913181990385, -0.02789895422756672, -0.0275992713868618, -0.007955839857459068, 0.020150037482380867, -0.017295924946665764, 0.006582297850400209, 0.03607598692178726, 0.00858374498784542, 0.030167972669005394, 0.0048555596731603146, -0.019950250163674355, 0.007820269092917442, -0.006853438448160887, 0.041156306862831116, 0.013264489360153675, -0.0011434289626777172, -0.0065930006094276905, -0.005326488055288792, 0.010538811795413494, 0.01618281938135624, 0.022590303793549538, -0.006114936899393797, 0.007627616636455059, -0.03307916969060898, -0.003706779098138213, -0.0175385233014822, -0.004534471780061722, 0.023261019960045815, 0.005315785296261311, -0.008012921549379826, 0.0003667981072794646, -0.02343226782977581, -0.0009057348943315446, -0.005101726856082678, 0.005215891171246767, 0.026486167684197426, -0.013257354497909546, 0.009761066175997257, -0.026942824944853783, -0.006903385743498802, -0.006004340015351772, -0.03601890429854393, 0.012522420845925808, -0.01689634844660759, 0.002245830139145255, 0.011473533697426319, -0.0022601005621254444, -0.013878123834729195, -0.022105105221271515, -0.015340857207775116, -0.015169610269367695, -0.0024295635521411896, 0.005815254990011454, -0.007991516031324863, 0.006931926589459181, 0.027656354010105133, -0.0020692318212240934, -0.011323693208396435, -0.007349340710788965, 0.03139524161815643, -0.007891622371971607, -0.02084929496049881, -0.0030592521652579308, -0.03139524161815643, 0.01491274032741785, -0.019878895953297615, 0.0176241472363472, -0.021905316039919853, -0.008269792422652245, -0.036846596747636795, 0.007506316993385553, 0.0004655771772377193, -0.031223995611071587, 0.0023261019960045815, 0.03390686213970184, -0.018137887120246887, 0.0030093053355813026, -0.008048598654568195, -0.18300572037696838, 0.009504196234047413, 0.03855906426906586, -0.015711892396211624, 0.013499953784048557, 0.02530171163380146, 0.007449234835803509, 0.011659051291644573, -0.015012633986771107, 0.012586638331413269, 0.012030085548758507, 0.008961914107203484, -0.0062540750950574875, -0.021734070032835007, -0.0015670863213017583, 0.0007224473520182073, 0.0171817597001791, 0.009518466889858246, 0.014085046947002411, 0.001653601648285985, 0.006325427908450365, -0.04018590971827507, 0.003346447367221117, 0.043667927384376526, -0.004655771888792515, 0.02013576589524746, -0.004216951783746481, 0.01023912988603115, -0.022889984771609306, -0.011366504244506359, 0.0036746703553944826, -0.022176457569003105, 0.017067594453692436, -0.0023885357659310102, -0.0008959238766692579, 0.013528495095670223, -0.001501085003837943, -0.006582297850400209, -0.002729245461523533, 0.044096045196056366, 0.035476624965667725, 0.03019651398062706, 0.01182316243648529, 0.023189667612314224, -0.014577381312847137, -0.004862695001065731, 0.01782393455505371, -0.022604573518037796, -0.0026828660629689693, -0.0009507763898000121, -0.004181275609880686, -0.004909074399620295, 0.0404142402112484, 0.008162762969732285, 0.010182048194110394, 0.0034838016144931316, 0.01666801981627941, 0.009290137328207493, 0.016439691185951233, -0.010424647480249405, -0.01789528876543045, -0.011851703748106956, 0.027841871604323387, -0.023417996242642403, 0.0007701645372435451, -0.048263050615787506, -0.024174336344003677, -0.011002604849636555, -0.021305952221155167, -0.01369260624051094, -0.01956494338810444, -0.014670140109956264, 0.02264738641679287, -0.004591553937643766, 0.019379425793886185, 0.02034982480108738, 0.005094591528177261, 0.003039630362764001, -0.008241251111030579, 0.009083214215934277, -0.002620432525873184, 0.04926198720932007, 0.006989009212702513, 0.004142031539231539, -0.00010546838893787935, -0.028797999024391174, -0.021905316039919853, -0.014548840932548046, 0.016767913475632668, 0.0005048212478868663, 0.0015108960215002298, -0.016511043533682823, 0.01290058996528387, -0.025258898735046387, 0.03228001669049263, 0.0014975173398852348, 0.01441327016800642, -0.012672261334955692, 0.017524253576993942, -0.00656089186668396, 0.00279524689540267, -0.008605150505900383, -0.020934918895363808, -0.005044644698500633, 0.04803472012281418, 0.014149264432489872, -0.023917466402053833, 0.020078685134649277, 0.03076733648777008, -0.01990743726491928, -0.0037638614885509014, 0.025287440046668053, 0.03242272138595581, 0.02328956127166748, 0.0009159918408840895, 0.024688076227903366, -0.006250507198274136, -0.03910134732723236, 0.0235892441123724, -0.0010658327955752611, 0.04592267796397209, -0.009575548581779003, -0.04435291513800621, -0.018651627004146576, -0.009568413719534874, -0.012101438827812672, -0.10092142969369888, -0.0039208377711474895, 0.015212422236800194, 0.02538733370602131, -0.0462937131524086, 0.007385017350316048, -0.015697620809078217, 0.008505256846547127, -0.017666958272457123, 0.044096045196056366, -0.011801756918430328, -0.017766853794455528, -0.00706036202609539, -0.004202681127935648, -0.0024045901373028755, 0.006057854741811752, 0.017424359917640686, -0.023203937336802483, -0.012886320240795612, 0.026586061343550682, 0.00425976375117898, -0.002989683300256729, -0.019593484699726105, 0.005126700270920992, 0.003221580060198903, 0.0016384391346946359, -0.028598211705684662, 0.010631570592522621, 0.014184941537678242, 0.014035100117325783, 0.00869790930300951, -0.018437569960951805, 0.0026079455856233835, -0.021120434626936913, 0.0024010224733501673, -0.01688207872211933, -0.013870988972485065, 0.005108862183988094, 0.031081289052963257, -0.028084471821784973, 0.0088120736181736, 0.01168759260326624, 0.013564171269536018, 0.0021102598402649164, -0.007053226698189974, 0.0005458490923047066, -0.02150574140250683, 0.03459184989333153, -0.005825957749038935, -0.005080320872366428, -0.009711119346320629, -0.03924405202269554, -0.018794333562254906, -0.00469144806265831, 0.02049253135919571, -0.018494652584195137, -0.007877351716160774, 0.012786425650119781, -0.022247809916734695, 0.008284063078463078, -0.008462444879114628, -0.0015073283575475216, -0.025116194039583206, 0.005954393185675144, 0.02711407281458378, 0.012030085548758507, -0.030710255727171898, -0.024060171097517014, 0.004470254294574261, 0.0072280410677194595, -0.015041175298392773, 0.024745158851146698, -0.01719602942466736, 0.0125509612262249, -0.03710346668958664, -0.010710058733820915, -0.012472473084926605, -0.017524253576993942, 0.016924889758229256, 0.00415273429825902, -0.019736191257834435, -0.02968277409672737, 0.010289076715707779, -0.021163247525691986, 0.017281653359532356, -0.013043295592069626, -0.00274173216894269, 0.00731366453692317, 0.01481284573674202, -0.035847656428813934, 0.025116194039583206, 0.00016321957809850574, 0.010474594309926033, -0.010538811795413494, 0.006696462631225586, 0.029882561415433884, -0.020735129714012146, -0.004063543397933245, 0.022233540192246437, -0.0017624147003516555, -0.03228001669049263, 0.0018221726641058922, -0.07392152398824692, 0.01481284573674202, -0.006881979759782553, -0.017124677076935768, 0.003355366410687566, -0.029311738908290863, 0.010474594309926033, 0.013371518813073635, -0.007306529209017754, 0.004926912486553192, -0.02852685935795307, 0.0008928021998144686, 0.008070004172623158, 0.002538376720622182, -0.006639380007982254, -0.011380774900317192, 0.001088130520656705, -0.005401408765465021, 0.0205638837069273, 0.03333603963255882, -0.014498893171548843, 0.00576887559145689, 0.012786425650119781, 0.022733008489012718, -0.008148492313921452, -0.020021602511405945, -0.007884486578404903, 0.0011246989015489817, -0.011302286759018898, 0.003999325912445784, 0.009960854426026344, -0.04178421199321747, -0.0026578926481306553, 0.01689634844660759, -0.00046468526124954224, -0.022404786199331284, 0.027213966473937035, -0.00023992387286853045, -1.7043848856701516e-05, 0.03091004304587841, -0.05300087854266167, -0.020221389830112457, -0.007335070054978132, -0.013571307063102722, -0.004059975501149893, 0.022033751010894775, 0.029425904154777527, 0.01114531047642231, -0.006460998207330704, -0.009118890389800072, 0.060507193207740784, 0.013250219635665417, 0.005005400627851486, -0.05702517554163933, -0.017310194671154022, 0.013136054389178753, 0.012893455103039742, -0.012115709483623505, -0.009868095628917217, -0.029083410277962685, 0.04595121741294861, 0.0011077525559812784, 0.042240869253873825, 0.006828465033322573, 0.010446052998304367, -0.032822299748659134, -0.01334297750145197, -0.0019193909829482436, -0.020435448735952377, -0.033821236342191696, 0.003515910357236862, 0.004092084243893623, 0.011487804353237152, 0.027042720466852188, 0.011266610585153103, 0.005380002781748772, -0.01853746362030506, 0.00413132831454277, -0.041099224239587784, 0.0035926145501434803, 0.038416359573602676, -0.020649507641792297, -0.005380002781748772, 0.004602257162332535, 0.024745158851146698, -0.01203722134232521, -0.0001827301166485995, 0.02378903143107891, 0.0003003508027177304, 0.01322167832404375, -0.009047538042068481, 0.022875715047121048, -0.0024812943302094936, -0.0023956710938364267, -0.0018016587710008025, 0.015611997805535793, -0.018494652584195137, 0.005915149115025997, 0.03033922053873539, 0.013307301327586174, -0.0014404350658878684, 0.012536690570414066, -0.0104603236541152, -0.02458818256855011, -0.011544886976480484, -0.003924405202269554, -0.01956494338810444, 0.005422814749181271, -0.007563399150967598, -0.01732446625828743, 0.013821042142808437, 0.006521647796034813, 0.017881017178297043, 0.01604011468589306, -0.01825205236673355, -0.0008749639964662492, 0.02193385735154152, -0.028855081647634506, -0.034905802458524704, 0.029597150161862373, -0.013264489360153675, 0.00837682094424963, 0.025544309988617897, 0.007470640353858471, 0.015155339613556862, 0.020606694743037224, 0.0327652171254158, -0.010231995023787022, 0.01609719730913639, -0.03704638406634331, 0.009582684375345707, -0.005722496192902327, -0.011694727465510368, -0.003992190584540367, -0.009682578034698963, -0.022875715047121048, 0.022961338981986046, -0.012508150190114975, -0.019322345033288002, 0.10331888496875763, 0.051573820412158966, -0.011723268777132034, 0.01146639883518219, -0.021320223808288574, 0.01646823063492775, 0.01940796710550785, -0.007563399150967598, -0.014427540823817253, -0.04894803464412689, -0.009753931313753128, -0.008498121052980423, -0.002372481394559145, -0.03208022937178612, -0.010203453712165356, -0.01949359104037285, -0.023988818749785423, 0.021462928503751755, -0.005098158959299326, 0.008961914107203484, 0.009461384266614914, 0.027799060568213463, 0.018879957497119904, 0.006657218560576439, -0.01596876233816147, -0.0025954588782042265, 0.013985153287649155, -0.00870504416525364, 0.034249354153871536, -0.049775730818510056, -0.0010631571058183908, 0.011195258237421513, -0.043097104877233505, -0.026286380365490913, -0.013171731494367123, 0.005479896906763315, -0.00276848953217268, 0.007327934727072716, 0.024531099945306778, 0.013942341320216656, 0.016910618171095848, 0.012222738936543465, 0.014605922624468803, -0.01186597440391779, -0.017638416960835457, 0.0003567641251720488, -0.022533221170306206, -0.008754990994930267, -0.02062096633017063], metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f7cdbb96-f0d3-447d-8a76-6ed3c785d9cf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d97f7a991825ab14e884476720832b329e6162b0c22aa7ce2dbbdbdf9e31e718'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='c0307639-48c0-491f-8764-96c569466731', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='3030b0a277e4b333ec1f851f06922b5927eefa4ec00da742c135a9dbea146e2d'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='d02fb582-e6cb-401b-8ce7-958c303674a4', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='a740055013cf242d8aa467a2d63404ffd20dd60375c9779806741543d18f93c5')}, hash='e680203d844e9b24d2f4c9835669f2ba5a2a211c3565be30afa91a1eee8a4875', text='4 ALGORITHM DESCRIPTION Network construction algorithm (alg. 1) is organized via consecutive insertions of the stored elements into the graph structure. For every inserted element an integer maximum layer l is randomly selected with an expone ntially decaying probability distribution (normalized by the mL parameter , see line 4 in alg. 1 ). The first phase of the insertion process starts from the top layer by greedily traversing the graph in order to find the ef closest neighbors to the inserted element q in the layer. After that, the algorithm continues the search from the next layer using the found closest neighbors from the previous layer as enter points, and the process repeats. Closest neighbors at each layer are found by a variant of the greedy search algorithm described in alg. 2, which is an updated version of the algorithm from [26]. To obtain the approximate ef nearest neighbors in some layer lс, a dynamic list W of ef close st found elements (initially filled with enter points) is kept during the search. The list is updated at each step by evaluating the neighborhood of the closest previously non-evaluated element in the list until the neighborhood of every element from the l ist is evaluated. Compared to limiting the number of distance calculations, Hierarchical NSW stop condition has a n advantage-it allows discarding candidat es for evalution that are further f rom the query than the furthest element in the list, thus avoid ing bloating of search structures . As in NSW, the list is emulated via two priority queues for better performance. The distinctions from NSW (along with some queue optimizations) are: 1) the enter point is a fixed parameter; 2) instead of changing the numb er of multi-searches, the quality of the search is controlled by a different parameter ef (which was set to K in NSW [26]). Algorithm 1 INSERT( hnsw, q, M, Mmax, efConstruction , mL) Input: multilayer graph hnsw, new element q, number of established connections M, maximum number of connections for each element per layer Mmax, size of the dynamic candidate list efConstruction , normalization factor for level gene ration mL Output: update hnsw inserting element q 1 W ← ∅ // list for the currently found nearest elements 2 ep ← get enter point for hnsw 3 L ← level of ep // top layer for hnsw 4 l ← ⌊-ln(unif(0..1))∙mL⌋ // new element’s level 5 for lc ← L … l+1 6 W ← SEARCH-LAYER(q, ep, ef=1, lc) 7 ep ← get the nearest element from W to q 8 for lc ← min(L, l) … 0 9 W ← SEARCH-LAYER(q, ep, efConstruction , lc) 10 neighbors ← SELECT-NEIGHBORS( q, W, M, lc) // alg. ', start_char_idx=2134, end_char_idx=4723, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
434
       " TextNode(id_='d02fb582-e6cb-401b-8ce7-958c303674a4', embedding=[-0.01027018204331398, 0.0484660267829895, -0.026915954425930977, -0.0002174930996261537, 0.010565882548689842, 0.017929544672369957, -0.009159501641988754, -0.012296811677515507, -0.02403107099235058, -0.053254932165145874, -0.00047780867316760123, 0.013169488869607449, -0.0011043690610677004, 0.01541969645768404, -0.006793898064643145, 0.009130652993917465, 0.018780585378408432, -0.001470388495363295, -0.005975313019007444, 0.009952844120562077, -0.028228575363755226, 0.0018039530841633677, -0.0009145978838205338, -0.045292653143405914, 0.004713176749646664, 0.027709295973181725, 0.02015090361237526, -0.005935645662248135, -0.0028542305808514357, -0.013248822651803493, 0.030435509979724884, -0.01823245733976364, -0.023785855621099472, 0.01989126391708851, -0.0029389739502221346, -0.01086158212274313, 0.01213093101978302, -0.0269880760461092, 0.030089324340224266, 0.00531178992241621, 0.016732318326830864, -0.008640223182737827, -0.009895146824419498, 0.006523440591990948, -0.0008749307598918676, 0.00322926533408463, 0.0008852983010001481, -0.026714012026786804, 0.0060041616670787334, 0.022545356303453445, 0.0172948706895113, 0.02997392974793911, -0.02242996171116829, 0.007882941514253616, -0.015160057693719864, 0.008633011020720005, 0.011979474686086178, 0.012642997317016125, 0.0027027742471545935, -0.020583637058734894, 3.4229808079544455e-05, -0.007313176989555359, -0.037272680550813675, 0.00998169369995594, -0.00771706085652113, -0.022732874378561974, -0.011900139972567558, 0.011748683638870716, 0.0038765608333051205, -0.0060257981531322, 0.006880444940179586, 0.030954789370298386, -0.01640055701136589, 0.003685437375679612, 0.03282996267080307, -0.013681555166840553, -0.0017904301639646292, 0.017078503966331482, -0.0014126908499747515, 0.011517893522977829, 0.008553676307201385, -0.025935092940926552, -0.004511234816163778, 0.029021916911005974, 0.0013414704008027911, 0.030781695619225502, 0.026209156960248947, 0.028863249346613884, -0.04889875650405884, 0.0006225035758689046, 0.04047490283846855, 0.022617477923631668, 0.01813148707151413, -0.018088214099407196, 0.002796533051878214, 0.00850319117307663, -0.01758335903286934, 0.006000555586069822, 0.00731678307056427, -0.017121776938438416, -0.01140971016138792, 0.0074213603511452675, -0.009988905861973763, -0.00609792023897171, -0.006620805244892836, -0.00653065275400877, -0.022098200395703316, 0.0013576977653428912, 0.0034276009537279606, 0.016890987753868103, 0.003790014423429966, 0.016328435391187668, 0.00829403754323721, 0.010407213121652603, -0.016314011067152023, -0.026007216423749924, 0.03453204408288002, -0.017886271700263023, 0.006357559934258461, -0.012686270289123058, 0.01334979385137558, 0.009411929175257683, 0.024305135011672974, -0.00509542366489768, 0.008532039821147919, -4.349861774244346e-05, 0.008445493876934052, -0.03366657719016075, -0.014265744015574455, -0.03883051872253418, 0.04373481869697571, 0.027795841917395592, 0.016227463260293007, 0.008878225460648537, -0.030666301026940346, 0.01996338739991188, -0.00635395385324955, -0.03109903261065483, -0.02625242993235588, -0.021391402930021286, 0.01256366353482008, 0.02840166725218296, -0.009419141337275505, -0.018795009702444077, -0.03349348530173302, 0.04027295857667923, 0.0032076286152005196, 0.024189740419387817, 0.010349515825510025, -0.02182413637638092, 0.00157857162412256, 0.0027785024140030146, -0.0024737867061048746, 0.015938974916934967, 0.007608877494931221, 0.010710125789046288, -0.022401113063097, 0.020915398374199867, -0.015232179313898087, -0.056716788560152054, -0.02695922739803791, 0.01935756206512451, 0.003288766136392951, -0.00552815617993474, 0.000572919612750411, 0.02664189040660858, 0.013075729832053185, 0.0035159506369382143, -0.0054957009851932526, -0.016833288595080376, -0.00764493877068162, 0.017900696024298668, -0.018218033015727997, 0.005722885485738516, 0.016515951603651047, -0.02237226441502571, 0.041253820061683655, 0.0038441058713942766, -0.04108072817325592, -0.015116783790290356, -0.00936865620315075, 0.004998059011995792, 0.00922441203147173, 0.027420807629823685, -0.0007829751120880246, -0.0059067970141768456, 0.017482388764619827, 0.007616089656949043, 0.00871234480291605, -0.020482664927840233, 0.00416504917666316, 0.007017476484179497, 0.005163939669728279, 0.01241941936314106, -0.5778996348381042, -0.022343413904309273, -9.437847620574757e-05, -0.030118172988295555, -0.003818863071501255, -0.015030237846076488, 0.005892372690141201, 0.028069905936717987, 0.01312621496617794, 0.014525383710861206, -0.03453204408288002, 0.01129431463778019, -0.0018409156473353505, -0.0005711165722459555, -0.01601109839975834, -0.01774202659726143, 0.0019941749051213264, -0.025531210005283356, 0.01983356662094593, 0.009173925966024399, -0.024218589067459106, 0.02926713228225708, -0.010464911349117756, -0.004532871767878532, 0.010039390996098518, 0.019472956657409668, 0.01989126391708851, -0.053254932165145874, 0.00814979337155819, 0.015361999161541462, -0.018593067303299904, 0.007385299075394869, -0.004399445839226246, 0.021708739921450615, 0.062140367925167084, -0.016544800251722336, -0.02365603670477867, 0.0097581148147583, 0.028632458299398422, 0.015506243333220482, -0.03115672990679741, -0.016905412077903748, 0.00842385645955801, 0.018044939264655113, -0.011965050362050533, -0.0075944531708955765, 0.001037656213156879, 0.0005693135317414999, -0.015405272133648396, -0.03389737010002136, -0.003458252875134349, -0.006382802501320839, -0.030089324340224266, 0.00770984822884202, -0.005077393259853125, -0.023468518629670143, 0.018564218655228615, -0.01251317746937275, 0.010147574357688427, -0.0016524967504665256, 0.031243277713656425, -0.004897087812423706, -0.018376700580120087, -0.016039947047829628, -0.014510958455502987, 0.020497089251875877, -0.011676562018692493, 0.019948963075876236, -0.01935756206512451, -0.014900417998433113, 0.00638640858232975, 0.012729544192552567, 0.017150625586509705, 0.009952844120562077, 0.016602499410510063, 0.032656870782375336, 0.016631348058581352, 0.0034438285510987043, -0.013018032535910606, 0.0002993065572809428, 0.010291818529367447, 0.007818031124770641, -0.017900696024298668, -0.0019653262570500374, 0.018982525914907455, 0.011099585331976414, -0.04653315618634224, -0.012606936506927013, -0.020078781992197037, 0.0035988909658044577, -0.004078502766788006, 0.0017327325185760856, -0.020756728947162628, -0.0421769805252552, 0.009801387786865234, 0.0008825937402434647, 0.006959779188036919, -0.0065162284299731255, 0.03493592515587807, -0.03911900520324707, -0.01684771291911602, -0.016414981335401535, 0.007796395104378462, -0.017482388764619827, 0.0017651874804869294, 0.017338143661618233, -0.003869348671287298, 0.0005598475108854473, 0.01844882406294346, -0.010926492512226105, -0.004904300440102816, -0.013746464625000954, -0.015549516305327415, 0.0074934824369847775, -0.02656976692378521, -0.030464358627796173, 0.029469074681401253, 0.009527324698865414, -0.008077670820057392, -0.007904578000307083, 0.03652261197566986, -0.0021492375526577234, 0.007991124875843525, -0.013869072310626507, 0.015592790208756924, 0.005647157318890095, 0.004904300440102816, -0.010926492512226105, -0.04474452883005142, -0.005917615257203579, 0.02499750629067421, -0.0006125867366790771, 0.026209156960248947, -0.020482664927840233, 0.018722888082265854, -0.010565882548689842, 0.018059363588690758, 0.009534536860883236, 0.005795007571578026, -0.011114009656012058, -0.020626910030841827, 0.022473234683275223, 0.004190291743725538, -0.029916230589151382, -0.015924550592899323, -0.020035509020090103, -0.022992514073848724, 0.004543690010905266, -0.011388073675334454, -0.009628294967114925, -0.022473234683275223, -0.024593623355031013, -0.031560614705085754, 0.02884882502257824, 0.009101804345846176, -0.002592788077890873, 0.004738419316709042, -0.008604162372648716, -0.01569376140832901, -0.03539750725030899, -0.0048285722732543945, 0.04333093389868736, -0.010082663968205452, -0.014929266646504402, 0.0029714289121329784, -0.001907628495246172, 0.0011710820253938437, 0.011921776458621025, 0.01745353825390339, -0.03392621874809265, -0.017597783356904984, -0.012376145459711552, -0.02179528772830963, 0.025906244292855263, -0.020641334354877472, 0.00290832226164639, 0.008178642019629478, 0.0023042999673634768, 0.00292454962618649, -0.004669903311878443, 0.014871569350361824, 0.005236061755567789, 0.005874341819435358, -0.01100582629442215, 0.03678224980831146, -0.012094870209693909, 0.013227186165750027, -0.008820528164505959, -0.021362554281949997, 0.00402080500498414, 0.006966991350054741, 0.022473234683275223, -0.024218589067459106, 0.0052072131074965, -0.006357559934258461, 0.01608322001993656, 0.011928988620638847, -0.010226908139884472, -0.0021528436336666346, 0.03236838057637215, 0.018376700580120087, -0.018376700580120087, 0.004175867419689894, -0.023829128593206406, 0.015996674075722694, -0.04073454067111015, 0.0112005565315485, -0.010738975368440151, 0.015333150513470173, 0.03057975508272648, 0.010876007378101349, -0.014453261159360409, -0.013616645708680153, -0.02455035038292408, 0.0029443830717355013, 0.04021526128053665, -0.01996338739991188, 0.008236339315772057, -0.00990235898643732, 0.0218818336725235, -0.005185576155781746, 0.0018697644118219614, 0.017929544672369957, 0.01161886379122734, -0.0018932041712105274, -0.005340638570487499, 0.020771153271198273, 0.0158524289727211, -0.0037503472995013, -0.006303468253463507, -0.00807045865803957, -0.016934260725975037, 0.026338977739214897, 0.010111513547599316, 0.01928543858230114, -0.00019765952310990542, 0.04762940853834152, -0.0016398753505200148, -0.0037431351374834776, -0.016602499410510063, 0.014662414789199829, 0.022054927423596382, 0.012729544192552567, -0.016544800251722336, -0.007947850972414017, -0.02509847842156887, 0.032454926520586014, 0.01256366353482008, -0.005694036837667227, 0.010327879339456558, -0.0026991681661456823, 0.024910960346460342, 0.007551179733127356, 0.02316560596227646, 9.730843885336071e-05, -0.012469904497265816, 0.015765883028507233, 0.014287380501627922, 0.019876839593052864, 0.04451373592019081, 0.01800166629254818, -0.022343413904309273, 0.022545356303453445, -0.016314011067152023, 0.0029227465856820345, -0.06467906385660172, 0.008019973523914814, -0.0011350209824740887, 1.725576657918282e-05, -0.021001944318413734, 0.018405551090836525, -0.002872261218726635, -0.01091206818819046, -0.03311844915151596, 0.017338143661618233, 0.003045354038476944, 0.01541969645768404, -0.008885437622666359, 0.0327434167265892, 0.00487905740737915, -0.029209434986114502, -0.003869348671287298, 0.014669627882540226, 0.03392621874809265, -0.005369487684220076, -0.015636062249541283, -0.0015235785394906998, 0.02971429005265236, -0.02439168095588684, 0.002589181996881962, -0.006487379316240549, -0.00037683776463381946, -0.000917302502784878, -0.0218818336725235, -0.026901528239250183, -0.0008627601782791317, 0.024045495316386223, 0.00850319117307663, 0.019371986389160156, -0.004518446978181601, 0.009621082805097103, -0.00876283086836338, -0.025213873013854027, -0.009332594461739063, 0.05215867608785629, -0.01140971016138792, -0.005834674928337336, -0.034416649490594864, 0.022343413904309273, -0.011568378657102585, -0.00993120763450861, 0.0007748614298179746, 0.003912621643394232, 0.01624188758432865, 0.008899862878024578, -0.009649931453168392, -0.014287380501627922, 0.009087380021810532, 0.04595617949962616, -0.01068848930299282, -0.006631623487919569, -0.02824299968779087, -0.017641056329011917, 0.013357006013393402, 0.027925662696361542, 0.03712843731045723, -0.0018697644118219614, -0.006667684763669968, -0.0044859922491014, -0.009339806623756886, -0.031502917408943176, 0.007659363094717264, 0.018751736730337143, -0.0002947989269159734, -0.009851873852312565, -0.00770984822884202, 0.01100582629442215, -0.00013725730241276324, 0.02413204126060009, 0.0053478507325053215, -0.00011393032036721706, -0.04315784201025963, 0.0013396673602983356, 0.02156449668109417, -0.0187373124063015, -0.027233291417360306, 0.01094091683626175, 0.015809156000614166, -0.013256034813821316, 0.006126769352704287, 0.020511513575911522, 0.004796117078512907, 0.0112005565315485, -0.010948128998279572, -0.010760611854493618, 0.000464736542198807, 0.032945357263088226, 0.020756728947162628, -0.005874341819435358, 0.03678224980831146, 0.016616923734545708, 0.02137697860598564, 0.02994508109986782, -0.010443274863064289, 0.0037431351374834776, 0.01021969597786665, 0.010198059491813183, 0.005780583247542381, 0.009476838633418083, 0.0030128990765661, -0.0009457005653530359, 0.023194454610347748, -0.024478228762745857, -0.002648682799190283, 0.012592512182891369, -0.02884882502257824, -0.014785022474825382, 0.006555895321071148, -0.012022747658193111, 0.005957282148301601, -0.016126492992043495, -0.010847157798707485, 0.004338141996413469, -0.03456089273095131, 0.009411929175257683, -0.002495423424988985, 0.020035509020090103, -0.0036385580897331238, -0.009217199869453907, -0.002163661876693368, -0.019011376425623894, -0.0022592234890908003, -0.007215812336653471, -0.0027748963329941034, 0.0001628380996407941, -0.005607490427792072, -0.027002500370144844, -0.002336754696443677, 0.005823856685310602, 0.036349520087242126, 0.009664356708526611, 0.022184746339917183, -0.02766602300107479, 0.019054649397730827, -0.00978696346282959, -0.012109294533729553, -0.010724551044404507, -0.005333426408469677, 0.003485298715531826, -0.020165327936410904, 0.004522053524851799, -0.004161443095654249, -0.006728988606482744, -0.03531096130609512, 0.0072771161794662476, -0.005117060150951147, 0.005863523576408625, -0.0022177533246576786, 0.005131484940648079, 0.011135646142065525, 0.004727601073682308, 0.030954789370298386, 0.012945909984409809, -0.011532317847013474, 0.008128155954182148, -0.004338141996413469, -0.0104793356731534, 0.009801387786865234, 0.017727602273225784, 0.0020013872999697924, 0.007868517190217972, -0.0044859922491014, -0.00770984822884202, -0.0163717083632946, 0.03874397277832031, -0.01823245733976364, 0.007075174245983362, -0.005477670580148697, 0.00972205400466919, 0.03023356758058071, 0.020843276754021645, 0.0017579753184691072, 0.009664356708526611, 0.0010791263775900006, -0.004864633083343506, -0.012477116659283638, 0.012505965307354927, -0.004064077977091074, -0.030897092074155807, 0.01826130598783493, -0.01280166581273079, 0.0008668170194141567, -0.017626632004976273, -0.005773371085524559, -0.01983356662094593, 0.01867961324751377, 0.012606936506927013, -0.008178642019629478, -0.030435509979724884, -0.003130097407847643, 0.0016047158278524876, 0.0011945216683670878, -0.027896814048290253, -0.015535091981291771, 0.005780583247542381, -0.037791959941387177, 0.014799446798861027, 0.005326214246451855, -0.024247437715530396, -0.02227129228413105, -0.017886271700263023, 0.004082108847796917, 0.0187373124063015, 0.011243829503655434, 0.000250398792559281, 0.0008911582408472896, 0.006115950644016266, -0.02124715968966484, 0.0020122055429965258, -0.010313455015420914, -0.016934260725975037, 0.016472678631544113, 0.021578921005129814, 0.013292095623910427, 0.036984194070100784, -0.0012251734733581543, -0.0002472434425726533, 0.020352846011519432, 0.0036710130516439676, 0.006609987001866102, -0.009491262957453728, 0.004002774599939585, -0.002399861579760909, 0.008034397847950459, 0.04961998015642166, -0.00786130502820015, 0.03141637146472931, -0.0033302363008260727, 0.02455035038292408, 0.0327434167265892, 0.008690708316862583, -0.008741194382309914, -0.010811096988618374, -0.05120666325092316, -0.009065743535757065, -0.0001960818626685068, -0.007046325597912073, 0.012549239210784435, -0.030031627044081688, -0.015376423485577106, -0.02483883872628212, -0.011640501208603382, 0.018751736730337143, -0.000528744887560606, 0.02824299968779087, -0.0038441058713942766, -0.004705964587628841, 0.028228575363755226, 0.02352621592581272, -0.02310790866613388, 0.00757281668484211, -0.031070183962583542, -0.011315951123833656, 0.031502917408943176, -0.01854979433119297, 0.020295148715376854, -0.0210884902626276, 0.010428850539028645, -0.0007955965120345354, 0.006231346167623997, 0.0034690711181610823, -0.01957392692565918, -0.0003401006106287241, -0.012556451372802258, -0.0027424413710832596, -0.02798335999250412, -0.019747020676732063, 0.011510681360960007, -0.01803051494061947, 0.0008587032789364457, -0.009455202147364616, 0.013472401537001133, -0.02473786659538746, -0.029771987348794937, 0.009008045308291912, 0.006108738481998444, 0.04001332074403763, -0.018665188923478127, 0.02015090361237526, 0.029310405254364014, -0.015866853296756744, -0.020655758678913116, 0.026209156960248947, -0.005823856685310602, 0.0060798898339271545, 0.026786133646965027, 0.04079223796725273, -0.03493592515587807, -0.029252707958221436, -0.006303468253463507, -0.00620970968157053, -0.00914507731795311, -0.036147575825452805, 0.03427240252494812, 0.037301529198884964, 0.018463248386979103, -0.024910960346460342, -0.016025522723793983, -0.019977811723947525, 0.03343578800559044, -0.007176144979894161, 0.02185298502445221, -0.005337032489478588, -0.01831900328397751, -0.00126574223395437, 0.016198614612221718, -0.006552289240062237, 0.0505719892680645, 0.018174760043621063, 0.004428294487297535, 0.0001785021013347432, -0.006667684763669968, -0.01598224975168705, 0.015780307352542877, -0.020655758678913116, 0.05504355952143669, -0.0150013891980052, -0.012866576202213764, 0.04131151735782623, -0.007104022894054651, 0.01684771291911602, -0.0008663662592880428, 0.012729544192552567, 0.037532322108745575, -0.03571484610438347, -0.007608877494931221, -0.025920668616890907, -0.012383357621729374, 0.02737753465771675, 0.016905412077903748, -0.01627073809504509, -0.006999446079134941, -0.01645825430750847, -0.012881000526249409, 0.02499750629067421, -0.010486547835171223, 0.036695703864097595, 0.010803884826600552, -0.01036394014954567, -0.004669903311878443, -0.03340693935751915, -0.0012287796707823873, 0.0008456311770714819, -0.040071018040180206, -0.012527601793408394, -0.008661859668791294, -0.017915120348334312, 0.011315951123833656, 0.0036529824137687683, -0.029180586338043213, 0.007039113435894251, 0.0241031926125288, -0.01566491276025772, 0.014720113016664982, 0.036695703864097595, 0.020828852429986, -0.05106242001056671, -0.0269880760461092, -0.011993899010121822, -0.013825799338519573, 0.020900974050164223, -0.0203095730394125, -0.034157007932662964, -0.023569490760564804, -0.015246603637933731, 0.020626910030841827, 0.027262140065431595, -0.01027018204331398, -0.004229959100484848, -0.0015713594621047378, 0.011013038456439972, -0.0068624140694737434, 0.0009916783310472965, 0.037532322108745575, 0.008106519468128681, 0.0027821084950119257, 0.02237226441502571, -0.01334979385137558, 0.03086824342608452, -0.017612207680940628, -0.007089598570019007, -0.029829684644937515, -0.0544954314827919, -0.0017778088804334402, -0.0013558947248384356, 0.00951290037482977, 0.008301249705255032, -0.004803329240530729, -0.009664356708526611, 0.016573650762438774, -0.014006104320287704, 0.02394452504813671, -0.006595562677830458, -0.019905688241124153, 0.017511237412691116, 0.012722332030534744, -0.02480999007821083, 0.00012272020103409886, -0.02111733891069889, -0.011647713370621204, 0.006786685902625322, 0.012404995039105415, -0.017064079642295837, -0.01645825430750847, 0.025545634329319, 0.05227407068014145, 0.02307906001806259, -0.01448932196944952, -0.009094592183828354, -0.005304577760398388, -0.060697928071022034, -0.008286825381219387, -0.02452150173485279, 0.009354231879115105, 0.0072554792277514935, 0.00792621448636055, -0.007983912713825703, 0.03202219679951668, -0.012888212688267231, -0.006436894182115793, -0.010097088292241096, 0.0022502082865685225, -0.013292095623910427, 0.008784467354416847, -0.003829681547358632, 0.0059789191000163555, -0.05048544332385063, 0.016544800251722336, -0.0008708739187568426, 0.02551678568124771, -0.014914842322468758, 0.00764493877068162, -0.005874341819435358, -0.016804439947009087, 0.0009979890892282128, -0.009628294967114925, -0.0016660196706652641, -0.01944410800933838, -0.01332094520330429, -0.03115672990679741, 0.014799446798861027, 0.015405272133648396, -0.009267685003578663, -0.033262696117162704, 0.006173648405820131, 0.004128987900912762, -0.010176423005759716, -0.004799723159521818, -0.002046463545411825, -0.02808433026075363, 0.023930100724101067, -0.029021916911005974, 0.034647438675165176, 0.007345632184296846, 0.004770874511450529, 0.054062698036432266, -0.014244107529520988, 0.015246603637933731, -0.00278030545450747, -0.021939530968666077, -0.03776311129331589, -0.00689126318320632, 0.008589738048613071, -0.021102914586663246, 0.011979474686086178, -0.000124185171443969, 0.015809156000614166, -0.013984467834234238, -0.013753676787018776, 0.005171151831746101, -0.021463526412844658, -0.03456089273095131, 0.02525714598596096, 0.001270249835215509, -0.012859364040195942, -0.01687656342983246, -0.016213038936257362, 0.0060257981531322, 0.005726491566747427, -0.0044895983301103115, 0.0021348129957914352, -0.014799446798861027, 0.01774202659726143, 0.002360194455832243, -0.010868795216083527, -0.016544800251722336, -4.989381704945117e-05, 0.0034636619966477156, 0.024016646668314934, 0.006072677671909332, 0.20182637870311737, -0.007947850972414017, 0.016991958022117615, 0.006436894182115793, 0.0033951459918171167, 0.004644660744816065, 0.03083939291536808, 0.013256034813821316, 0.011993899010121822, 0.003297781338915229, -0.01588127762079239, 0.018910404294729233, -0.030608603730797768, -0.0005864425329491496, 0.0385131798684597, -0.030089324340224266, -0.04728322476148605, -0.03115672990679741, -0.03444549813866615, 0.007226630579680204, 0.0008321083150804043, -0.00541636673733592, -0.007457421161234379, -0.026295702904462814, 0.0158524289727211, -0.026901528239250183, -0.022054927423596382, -0.013169488869607449, 0.03418585658073425, -0.00570485508069396, -0.023699309676885605, 0.003470874158665538, 0.019631626084446907, 0.0011440361849963665, 0.006350347772240639, -0.012722332030534744, 0.036955345422029495, 0.004785298835486174, 0.004363384563475847, 0.021925106644630432, -0.00011387397535145283, -0.0351090207695961, -0.003858530428260565, 0.016775591298937798, 0.017568934708833694, -9.973128908313811e-05, 0.0013054093578830361, 0.030637452378869057, -0.017020806670188904, -0.01158280298113823, -0.028618033975362778, -0.005766158923506737, 0.016890987753868103, 0.03447434678673744, -0.021131765097379684, 0.0013117199996486306, -0.009967269375920296, 0.022603053599596024, 0.0033879338297992945, 0.002947989385575056, -0.03649376332759857, 0.015578364953398705, 0.028444942086935043, 0.004467961844056845, -0.011077948845922947, 0.02900749258697033, -0.014171984978020191, 0.009274897165596485, 0.02153564803302288, 0.008106519468128681, 0.0023421640507876873, -0.018766161054372787, -0.00714008416980505, 0.0070823864080011845, -0.036984194070100784, -0.013710403814911842, 0.03427240252494812, 0.009851873852312565, -0.006833565421402454, 0.03937864676117897, 0.005369487684220076, 0.013335369527339935, -0.005722885485738516, 0.00771706085652113, -0.02740638330578804, -0.06167878583073616, -0.0010556867346167564, -0.012311236001551151, -0.027622750028967857, -0.02470901794731617, -0.007608877494931221, 0.021679891273379326, -0.012765605002641678, 0.005708461161702871, 0.031041335314512253, 0.008820528164505959, 0.024478228762745857, -0.0013234398793429136, -0.024535926058888435, 0.009707629680633545, -0.00783245638012886, 0.038426633924245834, 0.00763772614300251, -0.0038368937093764544, -0.009570597670972347, -0.0066893212497234344, 0.011777532286942005, 0.01527545228600502, 0.024276286363601685, -0.00513509102165699, 0.00036083569284528494, -0.03551290184259415, -0.017049655318260193, -0.01996338739991188, 0.003690846497192979, 0.023252151906490326, -0.001678640954196453, -0.0048538148403167725, -0.0028830794617533684, -0.02169431559741497, 0.0013549932045862079, -0.0022177533246576786, -0.0018120667664334178, 0.022862693294882774, -0.008986408822238445, 0.014770598150789738, -0.023223303258419037, -0.011366437189280987, -0.010248544625937939, -0.0387728214263916, 0.022617477923631668, -0.01341470330953598, 0.0011602636659517884, -0.0028794733807444572, 0.005996949505060911, -0.008813316002488136, -0.032685719430446625, -0.011568378657102585, -0.016487102955579758, 0.0033879338297992945, 0.010962553322315216, -0.007013870403170586, 0.0018697644118219614, 0.03228183463215828, 0.0006774966022931039, 0.006454924587160349, 0.004760056268423796, 0.02499750629067421, -0.001602912787348032, -0.03259917348623276, 0.0027514565736055374, -0.028892097994685173, 0.013032456859946251, -0.023252151906490326, 0.019977811723947525, -0.020756728947162628, -0.013075729832053185, -0.030954789370298386, 0.013789738528430462, -0.006700139492750168, -0.047225527465343475, -0.011135646142065525, 0.0300027783960104, -0.015549516305327415, 0.009274897165596485, -0.021449102088809013, -0.18486326932907104, 0.009109016507863998, 0.034358952194452286, -0.017915120348334312, 0.004399445839226246, 0.022516507655382156, 0.007652150932699442, 0.013039669021964073, -0.009909571148455143, 0.014316229149699211, 0.0036079061683267355, 0.00402080500498414, -0.00201040250249207, -0.013292095623910427, -0.0016777394339442253, -0.007280722260475159, 0.02114618942141533, -0.0009952844120562077, 0.01839112490415573, 0.0038008326664566994, 0.00012970702664460987, -0.04713898152112961, 0.006274619605392218, 0.03571484610438347, -0.004641054663807154, 0.018059363588690758, -0.009274897165596485, -0.00367822521366179, -0.014842720702290535, -0.019429683685302734, 0.0028830794617533684, -0.024406105279922485, 0.022314565256237984, -0.0003522711922414601, -0.005621914751827717, 0.016054371371865273, -0.013191125355660915, -0.006916505750268698, -0.004601387772709131, 0.04889875650405884, 0.02827184833586216, 0.041801948100328445, 0.013450764119625092, 0.02714674361050129, -0.01765548065304756, -0.0072302366606891155, 0.013198337517678738, -0.015059086494147778, -0.012094870209693909, -0.014208045788109303, 0.0012630375567823648, -0.0036205274518579245, 0.03914785385131836, 0.0089070750400424, 0.010789460502564907, 0.009231624193489552, 0.02355506457388401, 0.014871569350361824, 0.016775591298937798, -0.010558669455349445, -0.026627466082572937, -0.013191125355660915, 0.028286272659897804, -0.01370319165289402, 0.0050016650930047035, -0.038080450147390366, -0.03141637146472931, -0.012217476963996887, -0.021463526412844658, -0.009036893956363201, -0.01161886379122734, -0.026425523683428764, 0.01915561966598034, 0.0014397366903722286, 0.013248822651803493, 0.015361999161541462, 0.0041686552576720715, -0.008892650716006756, -0.006058253347873688, 0.005935645662248135, -0.0051747579127550125, 0.043561726808547974, 0.015578364953398705, 0.004788904916495085, 0.00595367606729269, -0.029411377385258675, -0.0324837751686573, -0.02017975226044655, 0.007381692994385958, 0.010349515825510025, 0.004157837014645338, -0.011950626038014889, 0.012881000526249409, -0.0189969502389431, 0.03306075185537338, -0.0009209085837937891, 0.00574452243745327, -0.005582247395068407, 0.011828018352389336, -0.01694868505001068, -0.0006468447390943766, -0.006162830162793398, -0.022401113063097, 0.003386130789294839, 0.04933148995041847, 0.007479057647287846, -0.014063802547752857, 0.009779751300811768, 0.03617642819881439, -0.02198280394077301, -0.0028794733807444572, 0.01541969645768404, 0.03363772854208946, 0.020237451419234276, 0.0008212899556383491, 0.021708739921450615, 0.003786408342421055, -0.025762001052498817, 0.020035509020090103, 0.0005977115943096578, 0.040647994726896286, -0.00382246938534081, -0.03652261197566986, -0.020684607326984406, -0.008467130362987518, 0.0030796120408922434, -0.10725992918014526, -0.004262413829565048, 0.01774202659726143, 0.03236838057637215, -0.042407773435115814, 0.009101804345846176, -0.018434399738907814, 0.007370874751359224, -0.012094870209693909, 0.045234955847263336, -0.009036893956363201, -0.02708904631435871, -0.0014081832487136126, 0.008993620984256268, -0.00455811433494091, 0.00499084684997797, 0.007507906761020422, -0.022314565256237984, 0.002499029505997896, 0.019948963075876236, 0.019213316962122917, -0.0045148408971726894, -0.020266300067305565, 0.006649653892964125, 0.0051026358269155025, -0.0015452151419594884, -0.034964777529239655, 0.015102359466254711, 0.013191125355660915, 0.005780583247542381, -0.00028375524561852217, -0.024608047679066658, 0.005214425269514322, -0.022127049043774605, -0.0030742029193788767, -0.021679891273379326, -0.006007767748087645, 0.013955619186162949, 0.02801220864057541, -0.03571484610438347, 0.010039390996098518, -0.0009484051261097193, 0.014258531853556633, 0.00036827329313382506, -0.016963109374046326, -0.004464355763047934, -0.028416091576218605, 0.031502917408943176, -0.0051278783939778805, -0.00689126318320632, -0.003180583007633686, -0.03816699609160423, -0.005492094904184341, -0.008034397847950459, 0.032656870782375336, -0.018477672711014748, -0.014604717493057251, 0.0067362007685005665, -0.014698476530611515, 0.007399723399430513, -0.020511513575911522, -0.01485714502632618, -0.02887767367064953, 0.007392511237412691, 0.027319837361574173, 0.014337865635752678, -0.025242721661925316, -0.01964605040848255, 0.008510403335094452, 0.004904300440102816, -0.018636340275406837, 0.022776147350668907, -0.018203608691692352, 0.020165327936410904, -0.03969598188996315, -0.006307074334472418, -0.005895978771150112, -0.03228183463215828, 0.013003608211874962, 0.014785022474825382, -0.022891541942954063, -0.029570044949650764, 0.002399861579760909, -0.02342524565756321, 0.01050818432122469, -0.01684771291911602, -0.010436062701046467, 0.007479057647287846, 0.024882111698389053, -0.03519556671380997, 0.03317615017294884, 0.001081830938346684, 0.01960277557373047, -0.009397504851222038, 0.0021348129957914352, 0.02172316424548626, -0.01915561966598034, -0.0037359227426350117, 0.012311236001551151, -0.003642164170742035, -0.03658030927181244, 0.0053478507325053215, -0.07691096514463425, 0.014042165130376816, -0.0009109918028116226, -0.011654925532639027, 0.006685715168714523, -0.017698753625154495, 0.004392233677208424, 0.018823858350515366, -0.007919002324342728, -0.006880444940179586, -0.04289820417761803, -0.008286825381219387, 0.0027694872114807367, -0.009938419796526432, 0.0003209431888535619, -0.013580583967268467, 0.018304578959941864, -0.012462692335247993, 0.023569490760564804, 0.029310405254364014, -0.0027694872114807367, 0.012953122146427631, 0.012102082371711731, 0.015188906341791153, 0.0009384883451275527, -0.017669904977083206, -0.002517059911042452, -0.003681831294670701, -0.013746464625000954, 0.009736478328704834, 0.011590015143156052, -0.03559945151209831, -0.009887934662401676, 0.020064357668161392, 0.0003998266765847802, -0.01852094568312168, 0.016501527279615402, -0.008351734839379787, 0.0012125521898269653, 0.027867965400218964, -0.04760055989027023, -0.02609376236796379, -0.006826353259384632, -0.013039669021964073, -0.007194175850600004, 0.022963665425777435, 0.032079894095659256, 0.01062357984483242, 0.0035790572874248028, 0.00010113992175320163, 0.05169709399342537, 0.017698753625154495, -0.004760056268423796, -0.054697372019290924, -0.011171706952154636, 0.0025585300754755735, 0.013840223662555218, -0.012260750867426395, 0.0011070736218243837, -0.01569376140832901, 0.0348493792116642, 0.02365603670477867, 0.03805160149931908, 0.015261027961969376, 0.01857864297926426, -0.016472678631544113, -0.011157282628118992, -0.0105442451313138, -0.013191125355660915, -0.03848433122038841, -0.006548683159053326, 0.006876838393509388, 0.0043886275961995125, 0.019213316962122917, 0.009851873852312565, -0.002583772875368595, -0.003597087925300002, 0.007652150932699442, -0.03658030927181244, 0.009015257470309734, 0.033580031245946884, -0.02072788029909134, -0.006343135144561529, 0.007360056508332491, 0.027334261685609818, -0.003887379076331854, 2.9046033887425438e-05, 0.01941525936126709, -0.004002774599939585, 0.016472678631544113, -0.010277394205331802, 0.01841997541487217, 0.0072302366606891155, 0.0025423027109354734, 0.0011593621456995606, 0.02156449668109417, -0.017179476097226143, 0.007543967571109533, 0.018246881663799286, 0.0142801683396101, -0.0038801669143140316, 0.01129431463778019, -0.018593067303299904, -0.019948963075876236, -0.017352567985653877, -0.005791401490569115, -0.011128433980047703, 0.00470235850661993, -0.005841887090355158, -0.004943967331200838, 0.013003608211874962, 0.0027171988040208817, 0.01640055701136589, 0.01413592416793108, -0.01344355195760727, 0.0023656035773456097, 0.02172316424548626, -0.0324837751686573, -0.036089878529310226, 0.030377812683582306, -0.011106797493994236, 0.008495979011058807, 0.021001944318413734, 0.01841997541487217, 0.021449102088809013, 0.018044939264655113, 0.014186409302055836, -0.015131209045648575, 0.015679337084293365, -0.04194619134068489, 0.002232177881523967, -0.015131209045648575, -0.013580583967268467, -0.0012215673923492432, -0.019718172028660774, -0.014316229149699211, 0.0069561731070280075, -0.017323719337582588, -0.026338977739214897, 0.11124106496572495, 0.04760055989027023, -0.013421915471553802, 0.0023656035773456097, -0.027651598677039146, 0.01713620126247406, 0.022704025730490685, -0.008733981288969517, -0.01163328904658556, -0.04823523387312889, -0.0061772544868290424, -0.015376423485577106, -0.0005003468249924481, -0.034157007932662964, -0.010061027482151985, -0.019069073721766472, -0.016674621030688286, 0.018621915951371193, -0.0053947302512824535, 0.020583637058734894, 0.013645494356751442, 0.033003054559230804, 0.023800279945135117, 0.010645216330885887, -0.017915120348334312, -0.006761443335562944, 0.01928543858230114, -0.0016858532326295972, 0.033781975507736206, -0.053514569997787476, 0.008351734839379787, 0.012505965307354927, -0.036666855216026306, -0.01813148707151413, -0.013032456859946251, -0.004298475105315447, -0.009246048517525196, 0.004493204411119223, 0.030204718932509422, 0.014085439033806324, 0.02072788029909134, 0.009137865155935287, 0.0187373124063015, -0.005326214246451855, -0.012816090136766434, 0.0028380032163113356, -0.023511791601777077, -0.0037106801755726337, -0.03277226537466049], metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f7cdbb96-f0d3-447d-8a76-6ed3c785d9cf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d97f7a991825ab14e884476720832b329e6162b0c22aa7ce2dbbdbdf9e31e718'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='8c21b77e-4f06-4882-ba1e-370d5130957a', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='93e2bd46be97d41d53efff8213292088cf3640063f9dfb9b053f597e1e67cebc'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='0d8d2c21-d52f-4ac9-9ab5-45e9d047c92e', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='4d5386312d0a02d6465873f4184fe8ae5fe151b881466b3eee0d85b5d1b48d94')}, hash='3dfd4138ef425a6df921b228396a563e5c5bc216757741d51b6ecb6b4295e7dd', text='3 or alg. 4 11 add bidirectionall connectionts from neighbors to q at layer lc 12 for each e ∈ neighbors // shrink connections if needed 13 eConn ← neighbourhood (e) at layer lc 14 if │eConn │ > Mmax // shrink connections of e // if lc = 0 then Mmax = Mmax0 15 eNewConn ← SELECT-NEIGHBORS( e, eConn, Mmax, lc) // alg. 3 or alg. 4 16 set neighbourhood (e) at layer lc to eNewConn 17 ep ← W 18 if l > L 19 set enter point for hnsw to q Algorithm 2 SEARCH-LAYER(q, ep, ef, lc) Input: query element q, enter points ep, number of nearest to q elements to return ef, layer number lc Output: ef closest neighbors to q 1 v ← ep // set of visited elements 2 C ← ep // set of candidates 3 W ← ep // dynamic list of found nearest neighbors 4 while │C│ > 0 5 c ← extract nearest element from C to q 6 f ← get furthest element from W to q 7 if distance(c, q) > distance(f, q) 8 break // all elements in W are evaluated 9 for each e ∈ neighbourhood (c) at layer lc // update C and W 10 if e ∉ v 11 v ← v ⋃ e 12 f ← get furthest element from W to q 13 if distance(e, q) < distance(f, q) or │W│ < ef 14 C ← C ⋃ e 15 W ← W ⋃ e 16 if │W│ > ef 17 remove furthest element from W to q 18 return W ', start_char_idx=4723, end_char_idx=5899, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
435
       " TextNode(id_='0d8d2c21-d52f-4ac9-9ab5-45e9d047c92e', embedding=[-0.004455650690943003, 0.03541707620024681, -0.016439570114016533, -0.012675435282289982, -0.012069467455148697, 0.03276507556438446, -0.0032953994814306498, -0.01541298720985651, -0.027204422280192375, -0.054751038551330566, -0.0007449848344549537, 0.019234154373407364, -0.010786239989101887, 0.01021591667085886, -0.02529383823275566, 0.0005369059508666396, 0.003101133042946458, -0.0006073052063584328, 0.0031884638592600822, 0.0049297320656478405, -0.030854491516947746, 0.009032495319843292, 0.007478364277631044, -0.04260315001010895, 0.002113760681822896, 0.038810502737760544, 0.018564023077487946, -0.01537021342664957, -0.016040343791246414, -0.00978817418217659, 0.014051340520381927, -0.013559436425566673, -0.015042277052998543, 0.014350760728120804, -0.006262863054871559, -0.0023311965633183718, 0.019048798829317093, -0.024181708693504333, 0.028901133686304092, 0.010272949002683163, 0.010187400504946709, -0.006897347513586283, -0.008034429512917995, -0.013217242434620857, -0.012753855437040329, -0.006298508029431105, -0.0056248134933412075, -0.031709976494312286, -0.0013607557630166411, 0.02677667886018753, 0.012896436266601086, 0.027703454717993736, -0.032822106033563614, 0.014728599227964878, -0.016710473224520683, 0.0075853001326322556, 0.01598331145942211, 0.01947654038667679, 0.006533766631036997, -0.02164376899600029, 0.0021779220551252365, -0.0008456825162284076, -0.01993279904127121, 0.015912020578980446, -0.004719425458461046, -0.024409838020801544, -0.014742857776582241, -9.59635799517855e-05, 0.007606687024235725, 0.0045340703800320625, -0.0015380906406790018, 0.03481823951005936, -0.02056015469133854, 0.003692843485623598, 0.029371650889515877, -0.011028626933693886, -0.005132909864187241, 0.02291273884475231, -0.003610859392210841, 0.007321525365114212, -0.0013028322719037533, -0.032194752246141434, -0.012746726162731647, 0.025864161550998688, 0.0003105588548351079, 0.01993279904127121, 0.027603648602962494, 0.02934313379228115, -0.03595888614654541, 0.010622271336615086, 0.03253694623708725, 0.017565958201885223, 0.030227135866880417, -0.01152053102850914, -0.000750331615563482, 0.01023730356246233, -0.021030671894550323, 0.01688157021999359, -0.005157861392945051, -0.022969771176576614, -0.007656590547412634, 0.0031652944162487984, -0.0036643273197114468, -0.010073335841298103, 0.0011121304705739021, 0.0002526353928260505, -0.02033202536404133, 0.0037997791077941656, -0.0005948293837718666, 0.014072727411985397, 0.0038033435121178627, 0.006982896011322737, 5.8647503465181217e-05, 0.012818016111850739, -0.006826057098805904, -0.02174357697367668, 0.03307875245809555, -0.013780437409877777, -0.006031169090420008, -0.013972921296954155, 0.016810279339551926, 0.01174866035580635, 0.015199116431176662, -0.02074551023542881, 0.01584072969853878, -0.000916972931008786, -0.002078115474432707, -0.036700304597616196, -0.01619718223810196, -0.04762199521064758, 0.03447604551911354, 0.019790219143033028, 0.008512075059115887, 0.01732357032597065, -0.0400652140378952, 0.023725450038909912, -0.010807626880705357, -0.02047460712492466, -0.028858359903097153, -0.019162863492965698, 0.015683891251683235, 0.027261454612016678, -0.015512794256210327, -0.01651085913181305, -0.021472672000527382, 0.03011307120323181, 0.003183116903528571, 0.020374801009893417, 0.005892152898013592, -0.025094226002693176, 0.012903564609587193, 0.005877894815057516, 0.0011406466364860535, 0.015199116431176662, 0.008683172054588795, 0.008483558893203735, -0.016311246901750565, 0.01390163041651249, -0.003197374986484647, -0.057716719806194305, -0.017893893644213676, 0.013324178755283356, 0.0018125587375834584, -0.018621055409312248, 0.0020032606553286314, 0.03481823951005936, 0.024680741131305695, -0.00014414030010811985, -0.004655263852328062, -0.021130478009581566, -0.006433960050344467, 0.022741641849279404, -0.02191467396914959, 0.0012484734179452062, 0.004402182996273041, -0.027461066842079163, 0.05044509842991829, 0.009431721642613411, -0.025978226214647293, -0.012347499839961529, -0.007129041478037834, 0.008740204386413097, 0.001892760512419045, 0.021658027544617653, 0.0003753885976038873, -0.0021244543604552746, 0.026405969634652138, 0.012311854399740696, 0.011684498749673367, -0.012276208959519863, 0.012682564556598663, 0.01777982898056507, 0.00044578788219951093, 0.009681237861514091, -0.5954175591468811, -0.015997568145394325, -0.007364299613982439, -0.03427642956376076, -0.0023062448017299175, -0.006081072147935629, 0.018649572506546974, 0.021800609305500984, 0.018564023077487946, 0.01740911975502968, -0.04000817984342575, 0.008333849720656872, -0.003831859678030014, -0.004997457843273878, -0.02533661387860775, -0.024466870352625847, 0.0021119785960763693, -0.020004089921712875, 0.026847969740629196, 0.00014213526446837932, -0.020716995000839233, 0.02281293272972107, -0.013851727358996868, 0.00897546298801899, 0.013466759584844112, 0.016411053016781807, 0.006494556553661823, -0.04779309406876564, 0.006319895386695862, 0.026177840307354927, -0.02577861398458481, 0.01750892587006092, 0.00014436308993026614, 0.01872086338698864, 0.0539240688085556, -0.019063057377934456, -0.023996353149414062, 0.012033822014927864, 0.02686222828924656, 0.019832992926239967, -0.03684288635849953, -0.02295551262795925, 0.01023730356246233, 0.012076595798134804, 0.0049725063145160675, 0.002561108209192753, -0.004177618306130171, 0.011655982583761215, -0.01521337404847145, -0.023696932941675186, -0.01298198476433754, -0.0010595538187772036, -0.03689991682767868, 0.0004105882253497839, -0.0012930298689752817, -0.02727571316063404, 0.022570544853806496, -0.015498535707592964, 0.013117436319589615, -0.002156534930691123, 0.01678176410496235, -0.013580824248492718, -0.018250346183776855, -0.01642531156539917, -0.012689693830907345, 0.017979443073272705, -0.0011468845186755061, 0.008626139722764492, -0.028330810368061066, -0.01926266960799694, 0.020645704120397568, 0.008854269050061703, 0.01673898845911026, 0.015313181094825268, 0.02093086577951908, 0.03051229752600193, 0.02861597202718258, 0.008761592209339142, -0.01822182908654213, -0.0054537164978682995, 0.007948881015181541, 0.008312461897730827, -0.020859574899077415, -0.0017189901554957032, 0.016553634777665138, -0.004038602113723755, -0.05301155149936676, -0.005061619449406862, -0.0073714288882911205, 0.013987178914248943, -0.009146559983491898, -0.0025361564476042986, -0.023568611592054367, -0.03285062313079834, -0.001791171613149345, 0.00749262236058712, 0.021358607336878777, 0.004787151236087084, 0.023140868172049522, -0.05215606838464737, -0.01261840295046568, -0.017879635095596313, 0.01048681978136301, -0.02218557707965374, 0.0035163997672498226, 0.011527660302817822, -0.0015140301547944546, -0.005746007431298494, 0.021030671894550323, -0.01673898845911026, -0.016083117574453354, -0.012775242328643799, -0.016938602551817894, 0.011819950304925442, -0.013238630257546902, -0.031795524060726166, 0.023069577291607857, 0.013830340467393398, -0.011285272426903248, -0.016496602445840836, 0.0330217182636261, 0.0005694321589544415, 0.0036785854026675224, -0.01390875969082117, 0.015997568145394325, 0.01347388792783022, -0.002956769894808531, -0.01475711539387703, -0.03992263227701187, -0.007820558734238148, 0.028558939695358276, -0.007578170858323574, 0.024994419887661934, -0.00980956107378006, 0.014193921349942684, -0.008825752884149551, 0.01383746974170208, 0.009374689310789108, 0.009973528794944286, -0.01521337404847145, -0.007727880962193012, 0.004537635017186403, 0.0030494474340230227, -0.030341200530529022, -0.007089831866323948, -0.019904283806681633, -0.022841447964310646, 0.01192688662558794, -0.014343631453812122, -0.015085051767528057, -0.021700801327824593, -0.022713126614689827, -0.023868029937148094, 0.028601713478565216, 0.0076708486303687096, -0.0023258498404175043, 0.001212828210555017, -0.006230782251805067, -0.009524399414658546, -0.029057972133159637, -0.003692843485623598, 0.041063278913497925, -0.010344238951802254, -0.025051452219486237, -0.005621249321848154, -0.006883089430630207, 0.004847748205065727, 0.011663111858069897, 0.034590110182762146, -0.03969450294971466, -0.013302790932357311, -0.02056015469133854, -0.015484278090298176, 0.026448743417859077, -0.018378669396042824, -0.008904173038899899, -0.0004132616159040481, 0.0021779220551252365, 0.00792036484926939, -0.0031884638592600822, 0.012753855437040329, -0.0001366770884487778, -0.007239541504532099, -0.012133628129959106, 0.03875346854329109, -0.010066206566989422, -0.0010034125298261642, -0.009510140866041183, -0.01514208409935236, 0.008298204280436039, 0.012953468598425388, 0.018749378621578217, -0.022926997393369675, 0.002999544143676758, -0.007086267229169607, 0.016140149906277657, 0.008205526508390903, -0.009617077186703682, -0.01129953097552061, 0.031111136078834534, 0.01410837285220623, -0.013958662748336792, 0.010608013719320297, -0.027774745598435402, 0.014250953681766987, -0.041148826479911804, 0.007813429459929466, 0.002083462430164218, 0.012126499786973, 0.02865874581038952, 0.01903454028069973, -0.0102586904540658, -0.008690301328897476, -0.009545786306262016, -0.0030066731851547956, 0.03473268821835518, -0.02264183573424816, -0.0001859120384324342, -0.007399945054203272, 0.02087383344769478, 0.0006527528748847544, -0.007139734923839569, 0.026206355541944504, 0.010173141956329346, -0.003753440221771598, -0.0032187621109187603, 0.013445371761918068, 0.010943078435957432, 3.6230012483429164e-05, -0.005150732584297657, -0.010101852007210255, -0.026520034298300743, 0.022157059982419014, -0.002475559711456299, 0.023183641955256462, 0.0058814589865505695, 0.043173473328351974, 0.00023525836877524853, 0.005200635641813278, -0.01619718223810196, 0.005981265567243099, 0.021672286093235016, 0.008897043764591217, -0.02348306216299534, -6.0039896197849885e-05, -0.011598950251936913, 0.021230285987257957, 0.00832672044634819, 0.009916496463119984, 0.0042774248868227005, -0.002409616019576788, 0.026534292846918106, 0.004626747686415911, 0.031709976494312286, -0.0012235217727720737, -0.01521337404847145, 0.012490080669522285, 0.013317049480974674, 0.018663831055164337, 0.04177618399262428, 0.030940039083361626, -0.020759768784046173, 0.02435280568897724, -0.01692434400320053, 0.013587952591478825, -0.060910530388355255, 0.021216027438640594, -0.0014685825444757938, 0.002883697161450982, -0.027190163731575012, 0.010372755117714405, -0.01087178848683834, -0.007984526455402374, -0.023012544959783554, 0.0071575576439499855, -0.008982592262327671, 0.011549047194421291, -0.009488753974437714, 0.027190163731575012, 0.006754766684025526, -0.038183145225048065, -0.002988850697875023, 0.013538049533963203, 0.03136778250336647, -0.009039624594151974, -0.023953579366207123, 0.0012074813712388277, 0.0256075169891119, -0.026363195851445198, 0.0016878005117177963, -0.003140342654660344, -0.0012449088972061872, -0.0005409159930422902, -0.023155126720666885, -0.020417574793100357, -3.138449028483592e-05, 0.015241890214383602, 0.014885438606142998, 0.0070292348973453045, 0.0012021346483379602, 0.01385885663330555, -0.007335783448070288, -0.020260736346244812, 0.003238367149606347, 0.05209903419017792, -0.009887980297207832, -0.015170600265264511, -0.021158995106816292, 0.009973528794944286, -0.003370254300534725, 0.009738270193338394, -0.0036465045996010303, 0.008005913347005844, 0.013416855596005917, 0.016268473118543625, -0.005735313985496759, -0.0031759878620505333, 0.02254202961921692, 0.04206134378910065, -0.013081790879368782, -0.005193506833165884, -0.03059784509241581, -0.013951534405350685, 0.02781751938164234, 0.028787069022655487, 0.03875346854329109, -0.0068902187049388885, 0.0011994611704722047, -0.00031167277484200895, -0.022427964955568314, -0.02348306216299534, 0.011014369316399097, 0.019904283806681633, 0.002343672327697277, -0.024766290560364723, -0.0017314659198746085, 0.004316634498536587, -0.00236327713355422, 0.029941974207758904, 0.0007120129885151982, 0.0033987704664468765, -0.03895308077335358, -0.002418527379631996, 0.02402487024664879, -0.002471995074301958, -0.02258480340242386, 0.011812821961939335, 0.017123958095908165, -0.012368886731564999, -0.0025860597379505634, 0.016368279233574867, 0.0018945427145808935, 0.01880641095340252, -0.017936667427420616, -0.006968637928366661, 0.0042774248868227005, 0.03196662291884422, 0.016639182344079018, -0.015484278090298176, 0.03028416819870472, 0.0170526672154665, 0.01750892587006092, 0.014956728555262089, -0.01750892587006092, 0.009310527704656124, 0.003291834844276309, 0.01813628152012825, 0.010451174341142178, 0.0010292553342878819, -0.008241171948611736, 0.003275794442743063, 0.018122022971510887, -0.017223764210939407, -0.0092035923153162, 0.018649572506546974, -0.01755169965326786, -0.01921989582479, -0.006430395413190126, -0.005001022480428219, 0.0043736668303608894, -0.008005913347005844, -0.026177840307354927, -0.003881762968376279, -0.037013981491327286, 0.009467367082834244, -0.004965377505868673, 0.011107046157121658, 0.006797540932893753, -0.007977397181093693, -0.007649461273103952, -0.025935452431440353, -0.007032799534499645, -0.007642332464456558, 0.0005222022882662714, -9.657623013481498e-05, -0.014151147566735744, -0.03473268821835518, -0.013217242434620857, 0.0058600720949471, 0.03621552884578705, 0.019989831373095512, 0.0184071846306324, -0.026377452537417412, 0.021458415314555168, -0.019947057589888573, -0.010066206566989422, -0.006223652977496386, -0.017565958201885223, 0.006708427798002958, -0.016125891357660294, -0.0016138367354869843, -0.012461564503610134, 0.00010114327596966177, -0.03524598106741905, 0.0018838491523638368, -0.002452390268445015, 0.0011023280676454306, 0.0006327024311758578, 0.0065052504651248455, 0.008276817388832569, 0.012226305902004242, 0.0330217182636261, 0.002709035761654377, -0.0015184858348220587, 0.019676154479384422, -0.006127411033958197, -0.006508814636617899, 0.016368279233574867, 0.025578999891877174, 0.0033720366191118956, 0.006597927771508694, 0.00427386024966836, -0.013780437409877777, -0.01661066710948944, 0.04057850316166878, -0.021658027544617653, 0.015070793218910694, -0.008013042621314526, 0.001538981799967587, 0.02813119813799858, 0.027603648602962494, 0.007289445027709007, 0.004024344030767679, -0.00757104204967618, -0.0010871788254007697, -0.01430798601359129, 0.024951644241809845, -0.005033103283494711, -0.01961912214756012, 0.031253717839717865, -0.012212048284709454, -0.0028159713838249445, -0.020503122359514236, -0.0001781146420398727, -0.029314618557691574, 0.020175186917185783, 0.0017038409132510424, -0.011862725019454956, -0.02600674331188202, -0.006433960050344467, -0.004683780018240213, 0.00011350770364515483, -0.02632042020559311, -0.007642332464456558, 0.011470627970993519, -0.033506494015455246, 0.005799475125968456, 0.00757104204967618, -0.0277177132666111, -0.022085770964622498, -0.01989002525806427, 0.01028007734566927, 0.009096656925976276, 0.0008799910428933799, 0.00036625450593419373, -0.0006179987685754895, -0.0005703233182430267, -0.029015198349952698, 0.0016494819428771734, -0.007282315753400326, -0.01926266960799694, 0.0378979854285717, 0.023069577291607857, 0.008105720393359661, 0.026448743417859077, -0.002215349581092596, -0.003129649208858609, 0.019048798829317093, -0.005289748776704073, 0.006908040959388018, -0.01628272980451584, 0.005703233182430267, -0.002119107637554407, 0.0035787788219749928, 0.04194727912545204, -0.014151147566735744, 0.02204299531877041, 0.0004007857933174819, 0.012326112948358059, 0.033050235360860825, 0.008925559930503368, -0.012247692793607712, -0.010023431852459908, -0.05092987045645714, -0.0003682595561258495, 0.0045340703800320625, -0.024381320923566818, 0.013545178808271885, -0.023468803614377975, -0.020004089921712875, -0.020089639350771904, -0.003404117189347744, 0.005631942767649889, -0.00913230236619711, 0.022199835628271103, -0.007813429459929466, -0.006922299042344093, 0.029999006539583206, 0.029999006539583206, -0.03858237341046333, 0.011178337037563324, -0.029856424778699875, -0.016254214569926262, 0.01826460473239422, -0.011021497659385204, 0.01678176410496235, -0.009253495372831821, 0.00673694396391511, -9.089527884498239e-05, 0.0031349959317594767, -0.009053882211446762, -0.01890621706843376, -0.003229455789551139, 0.005542829632759094, -0.006384056527167559, -0.03225178271532059, -0.015099309384822845, 0.02291273884475231, -0.02331196516752243, 0.0041918763890862465, -0.024010611698031425, -0.004837054759263992, -0.026434484869241714, -0.029542747884988785, 0.01980447769165039, 0.013730533421039581, 0.050958387553691864, -0.023026803508400917, 0.016681956127285957, 0.01805073209106922, -0.01863531395792961, -0.017352087423205376, 0.028901133686304092, 0.00047051673755049706, 0.004566151183098555, 0.02592119388282299, 0.043715283274650574, -0.035616692155599594, -0.025322355329990387, 0.0009187551913782954, -0.012076595798134804, -0.013894502073526382, -0.04987477511167526, 0.03575927019119263, 0.028430616483092308, 0.010693562217056751, -0.023098094388842583, -0.00566045893356204, -0.02016092836856842, 0.035531140863895416, -0.0012253039749339223, 0.013951534405350685, -0.007834816351532936, -0.019291186705231667, -0.007521138526499271, 0.030027521774172783, -0.010272949002683163, 0.04896225780248642, 0.007271622307598591, 0.0038069081492722034, 0.008832882158458233, -0.009624205529689789, -0.01278237160295248, 0.01715247333049774, -0.029457198455929756, 0.05512174963951111, -0.004013650119304657, -0.01475711539387703, 0.03544559329748154, -0.0036447225138545036, 0.010736336000263691, -0.0065587181597948074, 0.004002956673502922, 0.03379165753722191, -0.02579287253320217, -0.0030886572785675526, -0.019505057483911514, -0.014279469847679138, 0.027304228395223618, 0.004740812350064516, -0.018521249294281006, -0.009303399361670017, -0.019961316138505936, -0.012390273623168468, 0.029086489230394363, -0.006530201993882656, 0.01665344089269638, 0.00873307604342699, -0.00940320547670126, -0.01264691911637783, -0.03487526997923851, 0.00415266677737236, 2.6288340450264513e-05, -0.042774248868227005, -0.0018785024294629693, -0.005767394322901964, -0.01943376660346985, 0.011185466311872005, 0.007685106713324785, -0.030084554105997086, 0.02254202961921692, 0.021301575005054474, -0.007271622307598591, 0.015584084205329418, 0.030027521774172783, 0.013167339377105236, -0.03858237341046333, -0.027247196063399315, -0.015241890214383602, 0.001919494359754026, 0.020146671682596207, -0.019818734377622604, -0.03433346375823021, -0.02506570890545845, -0.01350240409374237, 0.02110196277499199, 0.02965681254863739, -0.01192688662558794, -0.008426526561379433, -0.0024648660328239202, 0.008747333660721779, -0.00940320547670126, -0.0151848578825593, 0.03918121010065079, -0.00555708771571517, -0.005585603881627321, 0.02038905769586563, -0.012718209996819496, 0.019376734271645546, -0.006006217561662197, -0.004608925431966782, -0.021444156765937805, -0.061138659715652466, 0.0015826472081243992, 0.003625117475166917, 0.014101243577897549, 0.0018713733879849315, 0.004341586027294397, -0.004961812868714333, 0.010308593511581421, -0.022798674181103706, 0.02871577814221382, 0.004241779446601868, -0.013145952485501766, 0.013317049480974674, 0.012105111964046955, -0.015199116431176662, -0.004730118904262781, -0.023739708587527275, -0.007342912722378969, -0.0020068250596523285, 0.008013042621314526, -0.027774745598435402, -0.005852942820638418, 0.02776048704981804, 0.04391489550471306, 0.028558939695358276, -0.02155822142958641, -0.019362475723028183, -0.006448218133300543, -0.05666162073612213, 0.0004172717162873596, -0.025279581546783447, 0.020417574793100357, 0.01087178848683834, 0.0020816801115870476, -0.005952749401330948, 0.023069577291607857, -0.017879635095596313, -0.015384471043944359, -0.006212959531694651, 0.0029371650889515877, -0.014871180057525635, 0.020417574793100357, -0.0010755941038951278, 0.009282011538743973, -0.028145454823970795, 0.010622271336615086, 0.00759242894127965, 0.01692434400320053, -0.018506990745663643, 0.021073445677757263, -0.006423266138881445, -0.013958662748336792, 0.005122216418385506, -0.009445980191230774, 0.00027870095800608397, -0.005182812921702862, -0.004644570406526327, -0.032879140228033066, 0.009125173091888428, 0.01471434161067009, -0.023254932835698128, -0.02848764881491661, -0.0034379803109914064, 0.009681237861514091, -0.011356563307344913, -0.010458303615450859, -0.009239237755537033, -0.026177840307354927, 0.01683879643678665, -0.0106650460511446, 0.023183641955256462, 0.009852334856987, 0.007656590547412634, 0.04913335293531418, -0.01449334155768156, 0.005104393698275089, -0.00038496823981404305, -0.015156341716647148, -0.02519403211772442, -0.008832882158458233, -0.000831424433272332, -0.020645704120397568, 0.00922497920691967, 0.011598950251936913, 0.0033559962175786495, -0.005489361938089132, -0.014429179951548576, 0.0036322465166449547, -0.021087704226374626, -0.0239820946007967, 0.014079856686294079, -0.0022527771070599556, -0.021173253655433655, -0.0062486049719154835, -0.004722990095615387, 0.0023365432862192392, 0.010187400504946709, -0.00048432924086228013, -0.0009757875232025981, -0.01651085913181305, 0.023283449932932854, 0.008604752831161022, -0.0031652944162487984, -0.014158275909721851, 0.008661785162985325, 0.016083117574453354, 0.015527051873505116, 0.019676154479384422, 0.20303510129451752, 0.0054857973009347916, 0.023326223716139793, 0.006341282278299332, 0.005321829579770565, 0.004195441026240587, 0.03761282190680504, 0.014037082903087139, 0.013445371761918068, -0.005418071523308754, -0.008455042727291584, 0.013923018239438534, -0.03610146418213844, -0.0027464632876217365, 0.026805195957422256, -0.02951423078775406, -0.04554031789302826, -0.01768002286553383, -0.03307875245809555, 0.013110307045280933, 0.0014917518710717559, -0.0011691628023982048, -0.013459630310535431, -0.0221428032964468, 0.0060632498934865, -0.02583564631640911, -0.022385189309716225, -0.0013625380815938115, 0.028787069022655487, 0.0007396380533464253, -0.02865874581038952, -0.012753855437040329, 0.027247196063399315, -0.007203896529972553, 0.0020121720153838396, -0.009945012629032135, 0.03362055867910385, 0.006066814064979553, 0.002573583973571658, 0.020374801009893417, -0.016796020790934563, -0.033107269555330276, 0.0061381044797599316, 0.012810887768864632, 0.01433650217950344, 0.008212655782699585, -0.0022527771070599556, 0.02794584259390831, -0.01152053102850914, -0.013110307045280933, -0.03889605030417442, -0.020417574793100357, 0.024224482476711273, 0.027161648496985435, -0.013816081918776035, 0.005778088234364986, -0.013644984923303127, 0.022028738632798195, -0.00031768789631314576, 0.00630920147523284, -0.029100747779011726, 0.0018285991391167045, 0.019904283806681633, 0.012283338233828545, -0.005250539164990187, 0.028558939695358276, -0.023240674287080765, 0.011484885588288307, 0.014593147672712803, 0.004220392554998398, 4.001731576863676e-05, -0.01194827351719141, -0.010173141956329346, 0.008283945731818676, -0.02754661627113819, -0.017252279445528984, 0.029371650889515877, 0.0018428572220727801, 0.00792036484926939, 0.031253717839717865, -0.0081484941765666, 0.009353302419185638, -0.017922410741448402, 0.02024647779762745, -0.02362564392387867, -0.0630207285284996, 0.0020923735573887825, -0.0029532054904848337, -0.02443835325539112, -0.01257562916725874, 0.0007396380533464253, 0.02178635075688362, -0.00988085102289915, 0.003489665687084198, 0.040122244507074356, 0.009759658016264439, 0.019989831373095512, -0.00021498514979612082, -0.020759768784046173, -0.003692843485623598, -0.007442719303071499, 0.04531218856573105, 0.010565239004790783, -0.007777784019708633, -0.002265252871438861, -0.005418071523308754, 0.005696103908121586, 0.003311439650133252, 0.029999006539583206, -0.005631942767649889, 0.013145952485501766, -0.02030351012945175, -0.010394142009317875, -0.018863443285226822, -0.008291075006127357, 0.022157059982419014, -0.004915473982691765, -0.010501078329980373, -0.0005475995130836964, -0.02830229513347149, -0.0004052414442412555, 0.0030993507243692875, -0.0007752832607366145, 0.020945124328136444, -0.00684031518176198, 0.02686222828924656, -0.018920475617051125, -0.01282514538615942, -0.01284653227776289, -0.03245139494538307, 0.021772092208266258, -0.024424096569418907, 0.007685106713324785, -0.00046115985605865717, 0.015070793218910694, -0.007293009199202061, -0.024096159264445305, -0.01772279664874077, -0.012090854346752167, 0.009339043870568275, 0.0044164410792291164, -0.0178653784096241, 0.007956010289490223, 0.02218557707965374, -0.00047942803939804435, -0.008398010395467281, -0.008640398271381855, 0.04140547290444374, -0.015298922546207905, -0.025821387767791748, 0.0008403357351198792, -0.024224482476711273, 0.012611274607479572, -0.025578999891877174, 0.03347797691822052, -0.0175944734364748, -0.0050259740091860294, -0.029628295451402664, 0.00980956107378006, 0.004947554785758257, -0.037555791437625885, 0.0014668002258986235, 0.035702239722013474, -0.018649572506546974, -0.001239562057889998, -0.013402597978711128, -0.18295972049236298, 0.0048014093190431595, 0.034590110182762146, -0.018549766391515732, 0.00325797195546329, 0.024694999679923058, 0.014856922440230846, 0.003910279367119074, -0.008027300238609314, 0.007221718784421682, 0.01044404599815607, 0.0016993852332234383, -0.01129240170121193, -0.01298198476433754, -0.0030173668637871742, -0.0005988394841551781, 0.014037082903087139, 0.019690413028001785, 0.012832274660468102, 0.004402182996273041, 0.008312461897730827, -0.03481823951005936, 0.0044592153280973434, 0.0406070202589035, 0.0016316593391820788, 0.025821387767791748, -0.014079856686294079, -0.0036821498069912195, -0.0205173809081316, -0.017765570431947708, 0.007314396556466818, -0.009966399520635605, 0.020446090027689934, 0.007913235574960709, -0.0023917932994663715, 0.018663831055164337, -0.00850494671612978, -0.001499772071838379, -0.0069757672026753426, 0.044884443283081055, 0.03333539888262749, 0.027161648496985435, 0.007407073862850666, 0.029015198349952698, -0.01172727346420288, 0.006836750544607639, 0.01237601600587368, -0.011306659318506718, -0.013816081918776035, -0.006669218186289072, -0.007991655729711056, -0.007913235574960709, 0.04140547290444374, 0.004890522453933954, 0.004280989523977041, -8.114854426821694e-05, 0.01934821903705597, 0.012076595798134804, 0.014058469794690609, -0.008512075059115887, -0.017879635095596313, -0.008283945731818676, 0.029485715553164482, -0.0205173809081316, 0.0002470658509992063, -0.033820170909166336, -0.02222835086286068, -0.0006692387396469712, -0.02627764642238617, -0.00983094796538353, -0.006708427798002958, -0.021800609305500984, 0.01943376660346985, -0.00262705166824162, 0.020716995000839233, 0.025122741237282753, 0.010066206566989422, 0.0011638159630820155, -0.005628378130495548, 0.008412268944084644, -0.01763724908232689, 0.05073025822639465, 0.010821884498000145, 0.0038853276055306196, 0.008882785215973854, -0.013801824301481247, -0.030341200530529022, -0.024067644029855728, 0.014343631453812122, 0.007407073862850666, 0.0014864051481708884, -0.006294943392276764, 0.005999088287353516, -0.008013042621314526, 0.03270804136991501, -0.002332978881895542, -0.0053253937512636185, -0.01194827351719141, 0.014771373942494392, 0.0006679020589217544, -0.0037071015685796738, -0.012005305849015713, -0.02083105966448784, -0.015127825550734997, 0.06478872895240784, 0.011349434033036232, -0.022328156977891922, 0.009895109571516514, 0.031339265406131744, -0.017209505662322044, -0.0010461867786943913, 0.012133628129959106, 0.03727062791585922, 0.008861398324370384, 0.008590495213866234, 0.023825256153941154, -0.014179663732647896, -0.02763216383755207, 0.012732467614114285, -0.004676651209592819, 0.03960895538330078, 0.008768720552325249, -0.030854491516947746, -0.008676043711602688, -0.004651699680835009, 0.004473473411053419, -0.09216424822807312, 0.005193506833165884, 0.010593755170702934, 0.019291186705231667, -0.04941851645708084, 0.017180990427732468, -0.019162863492965698, 0.002156534930691123, -0.008005913347005844, 0.04368676617741585, -0.02001834847033024, -0.023026803508400917, -0.0026145759038627148, 0.005296877585351467, 0.002607446862384677, 0.004730118904262781, 0.017423376441001892, -0.033820170909166336, -0.009595689363777637, 0.009923625737428665, 0.009260624647140503, -0.010700691491365433, -0.005371732637286186, 0.002284857677295804, 0.021387124434113503, 0.004027908202260733, -0.03969450294971466, 0.008611882105469704, 0.019376734271645546, 0.012126499786973, -0.0036857144441455603, -0.029457198455929756, 0.004947554785758257, -0.015541310422122478, -0.0019676154479384422, -0.012440177612006664, -0.017751313745975494, 0.010251561179757118, 0.0298849418759346, -0.029286101460456848, 0.01041552983224392, 0.007421331945806742, 0.008854269050061703, -0.007139734923839569, 0.0002671162656042725, 0.0003248169377911836, -0.029685327783226967, 0.03213771805167198, -0.012711080722510815, -0.0052719260565936565, -0.015085051767528057, -0.02358286827802658, -0.01930544339120388, -0.005770958960056305, 0.021216027438640594, -0.012190660461783409, -0.0009695496410131454, 0.00965272169560194, -0.026448743417859077, 0.011377950198948383, -0.018278861418366432, -0.0022563415113836527, -0.024381320923566818, 0.0017813692102208734, 0.020460348576307297, 0.012775242328643799, -0.02840210124850273, -0.014186792075634003, 0.0006482971948571503, -0.002883697161450982, -0.01521337404847145, 0.03575927019119263, -0.011278143152594566, 0.015726665034890175, -0.049247417598962784, -0.010344238951802254, -0.00749262236058712, -0.02798861637711525, 0.011812821961939335, 0.0025129870045930147, -0.02164376899600029, -0.02456667646765709, 0.0019462283235043287, -0.027774745598435402, 0.012989113107323647, -0.007906107231974602, -0.003906714729964733, 0.0027232938446104527, 0.025279581546783447, -0.034989334642887115, 0.033050235360860825, 0.0029246893245726824, 0.008191268891096115, -0.013138823211193085, 0.004872699733823538, 0.022256867960095406, -0.00945310853421688, -0.002860527951270342, 0.016767505556344986, -0.008447914384305477, -0.02934313379228115, 0.011848466470837593, -0.07014976441860199, 0.012247692793607712, -0.010301465168595314, -0.016097376123070717, 0.0029835037421435118, -0.011434982530772686, 0.017494667321443558, 0.009239237755537033, -0.020716995000839233, 0.0021707930136471987, -0.022841447964310646, 0.013416855596005917, 0.0029104312416166067, -0.0006545351352542639, -0.014956728555262089, 0.0011780740460380912, 0.00739281577989459, -0.00809859111905098, 0.031168168410658836, 0.027746228501200676, -0.004894087091088295, 0.005599861964583397, 0.014614534564316273, 0.027617907151579857, -0.017922410741448402, -0.01628272980451584, -0.004056424368172884, -0.007435590028762817, -0.009902238845825195, 0.01129953097552061, 0.01939099282026291, -0.026562808081507683, -0.00789897795766592, 0.025222549214959145, 0.004042166285216808, -0.0034718431998044252, 0.009959271177649498, 0.008469301275908947, 0.002265252871438861, 0.028088422492146492, -0.04873412847518921, -0.021116221323609352, -0.011021497659385204, -0.023967837914824486, -0.006416137330234051, 0.031481847167015076, 0.03324984759092331, 0.015641117468476295, 0.0006710210000164807, -0.0015265060355886817, 0.04913335293531418, 0.016981376335024834, 0.013737662695348263, -0.054152198135852814, -0.0060525559820234776, 0.01768002286553383, 0.01602608524262905, -0.013865985907614231, -0.014913954772055149, -0.025636032223701477, 0.03541707620024681, 0.010636529885232449, 0.05152871087193489, 0.020674219354987144, 0.00747123546898365, -0.012711080722510815, -0.006273556500673294, -0.007407073862850666, -0.01214788667857647, -0.05104393512010574, -0.00836949422955513, -0.0026145759038627148, -0.006027604453265667, 0.021672286093235016, 0.01917712204158306, 0.004569715354591608, -0.009852334856987, -0.0007347368518821895, -0.031196685507893562, 0.0011905499268323183, 0.04505554214119911, -0.0226275771856308, 0.003120737848803401, 0.0030922216828912497, 0.02750384248793125, 0.004334457218647003, -0.0026609147898852825, 0.015726665034890175, -0.008661785162985325, 0.01365924347192049, -0.007578170858323574, 0.018022216856479645, 0.0069864606484770775, -0.010287206619977951, 0.006155927199870348, 0.01857828162610531, -0.026035258546471596, 0.009445980191230774, 0.028872618451714516, 0.02583564631640911, -0.005817297846078873, 0.016482343897223473, -0.013366952538490295, -0.009531528688967228, -0.017708538100123405, -0.008412268944084644, -0.024908870458602905, 0.01302475854754448, -0.01709544099867344, -0.007756397128105164, 0.008177010342478752, 0.0016601755050942302, 0.01514208409935236, 0.010151755064725876, -0.02393932081758976, 0.0034736255183815956, 0.020987898111343384, -0.0351889468729496, -0.03473268821835518, 0.03992263227701187, -0.00447703804820776, 0.0010657917009666562, 0.02600674331188202, 0.0033043106086552143, 0.028273778036236763, 0.0200326070189476, 0.019861510023474693, -0.010194528847932816, 0.019362475723028183, -0.03270804136991501, 0.0076280743815004826, -0.011021497659385204, -0.0043986183591187, 0.00545728113502264, -0.02466648258268833, -0.013388339430093765, 0.010857529938220978, -0.02218557707965374, -0.019818734377622604, 0.0991792231798172, 0.04539773613214493, -0.013145952485501766, 0.008918430656194687, -0.027532357722520828, 0.01826460473239422, 0.022670350968837738, -0.01262553222477436, -0.014471953734755516, -0.04496999457478523, -0.007998784072697163, -0.014179663732647896, -0.0044485218822956085, -0.027147389948368073, -0.01134230475872755, -0.024452611804008484, -0.012055208906531334, 0.024466870352625847, -0.0015478931600227952, 0.014079856686294079, 0.007118348032236099, 0.036244045943021774, 0.021401382982730865, 0.012297596782445908, -0.027190163731575012, -0.0018624620279297233, 0.02452390268445015, -0.0062058307230472565, 0.029457198455929756, -0.060055043548345566, 0.003416593186557293, 0.006640702020376921, -0.03279358893632889, -0.015028019435703754, -0.007606687024235725, -0.0011103481519967318, 0.0033595608547329903, 0.012497209943830967, 0.025479193776845932, -0.0005173010868020356, 0.013965792022645473, 0.002222478622570634, 0.013794695027172565, -0.010002044960856438, -0.01669621467590332, -0.009488753974437714, -0.018079249188303947, -0.008177010342478752, -0.023682676255702972], metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='25f116c1-a2c2-4e7e-962a-03dfb10f692c', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='e1663cfd3111fed6dbd50273ea61332f334365a4c919ba5ce45d3bf80b117d82'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='d02fb582-e6cb-401b-8ce7-958c303674a4', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '4', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='a740055013cf242d8aa467a2d63404ffd20dd60375c9779806741543d18f93c5'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='3cf659af-f281-41a5-809d-edbf54df58fa', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='fb616510d1ae94278e654db3bc24b44e98539633164cac497fca6a6916d6cb2c')}, hash='75d43226f95e60c44e726355a8f1bb202acd6884a7862a9eab3f342fec32eaf4', text='AUTHOR ET AL.: TITL E 5 Algorithm 3 SELECT-NEIGHBORS-SIMPLE( q, C, M) Input: base element q, candidate elements C, number of neighbors to return M Output: M nearest elements to q return M nearest elements from C to q Algorithm 5 K-NN-SEARCH (hnsw, q, K, ef) Input: multilayer graph hnsw, query element q, number of nearest neighbors to return K, size of the dynamic candidate list ef Output: K nearest elements to q 1 W ← ∅ // set for the current nearest elements 2 ep ← get enter point for hnsw 3 L ← level of ep // top layer for hnsw 4 for lc ← L … 1 5 W ← SEARCH-LAYER(q, ep, ef=1, lc) 6 ep ← get nearest element from W to q 7 W ← SEARCH-LAYER(q, ep, ef, lc =0) 8 return K nearest elements from W to q During the first phase of the search the ef parameter is set to 1 (simple greedy search) to avoid introduction of add itional parameters. ', start_char_idx=0, end_char_idx=843, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
436
       " TextNode(id_='3cf659af-f281-41a5-809d-edbf54df58fa', embedding=[-0.005223722662776709, 0.035233400762081146, -0.0012845511082559824, -0.022163406014442444, -0.011445154435932636, 0.008893868885934353, -0.0003405129536986351, -0.004254519008100033, -0.03167015314102173, -0.05182388797402382, -0.0073545449413359165, 0.014680583961308002, 0.0036095709074288607, 0.02202087640762329, -8.53509409353137e-05, 0.0038019863422960043, 0.021436503157019615, 0.0006689999136142433, 0.009057777933776379, 0.0074400631710886955, -0.03429270535707474, -0.0025495043955743313, -0.01831509731709957, -0.03611708804965019, 0.0023659970611333847, 0.029959794133901596, 0.014808861538767815, -0.007258337456732988, -0.010126752778887749, -0.015806570649147034, 0.02515653520822525, -0.014274373650550842, -0.012136424891650677, 0.018671423196792603, -0.012955971993505955, -0.000995927955955267, 0.0219353586435318, -0.01763095334172249, 0.02829219400882721, -0.002291168784722686, 0.019184529781341553, -0.0064744227565824986, -0.009749048389494419, -0.008245357312262058, -0.006314076483249664, -0.00766098452731967, -0.004243829287588596, -0.028577253222465515, -0.010383306071162224, 0.03386511653661728, 0.00463934987783432, 0.029788758605718613, -0.02702367678284645, 0.016504967585206032, -0.014609319157898426, -0.002711632288992405, 0.0025851367972791195, 0.012906086631119251, 0.01168745569884777, -0.02850598841905594, 0.004849581513553858, 0.0024230091366916895, -0.03454925864934921, 0.02596895582973957, -0.004600153770297766, -0.01793026737868786, -0.007333165500313044, -0.004742683842778206, 0.0022893871646374464, -0.010889288038015366, 0.009556632488965988, 0.0333235003054142, -0.014217361807823181, -0.006039706524461508, 0.02735149674117565, -0.005319930147379637, 0.0048567079938948154, 0.007611099164932966, -0.004924409557133913, 0.01768796518445015, 0.011095955967903137, -0.037884458899497986, -0.0003710232558660209, 0.031043021008372307, 0.005184526555240154, 0.021065926179289818, 0.021849840879440308, 0.01366149540990591, -0.02274777926504612, 0.0030323246028274298, 0.035746511071920395, 0.02415882609784603, 0.02813541144132614, -0.02055281773209572, 0.005505219101905823, 0.00023183386656455696, -0.02239145338535309, -0.005209469236433506, 0.018058544024825096, -0.0212369617074728, -0.021436503157019615, 0.004813948646187782, -0.003901757299900055, -0.007910411804914474, -0.009207434020936489, -0.0032087054569274187, -0.014965644106268883, -0.000795495230704546, -0.0006151057896204293, 0.01180860586464405, 0.002054212847724557, 0.018272338435053825, -0.018956482410430908, 0.001354034524410963, -0.01636243797838688, -0.02542734146118164, 0.02675287052989006, -0.014046326279640198, 0.001031560474075377, -0.008373633958399296, 0.018357856199145317, 0.005850854329764843, 0.02045304700732231, -0.009121916256844997, 0.014994150027632713, 0.013732760213315487, -0.005209469236433506, -0.016647497192025185, -0.025584125891327858, -0.03916722908616066, 0.04227438196539879, 0.019056253135204315, 0.015678294003009796, 0.022248923778533936, -0.0259974617511034, 0.023431923240423203, 0.0033405455760657787, -0.04275898262858391, -0.03169865906238556, -0.02623976208269596, 0.022377200424671173, 0.026866894215345383, 0.0017807334661483765, -0.017973026260733604, -0.013184020295739174, 0.03916722908616066, 0.0010075084865093231, 0.026653099805116653, 0.006196489557623863, -0.029760252684354782, -0.010554342530667782, 0.005074066109955311, 0.0035650301724672318, 0.015535764396190643, 0.016561979427933693, 0.010026981122791767, -0.0028897945303469896, 0.007115807384252548, -0.029418179765343666, -0.04036448150873184, -0.010661239735782146, 0.013048616237938404, 0.008138460107147694, -0.011609064415097237, 0.013141260482370853, 0.029874276369810104, -0.005968441255390644, -0.0014938919339329004, -0.014481042511761189, -0.0302448533475399, -0.011644696816802025, 0.021037420257925987, -0.03298142924904823, 0.010205144062638283, 0.0076894904486835, -0.017488423734903336, 0.028548747301101685, 0.00861593522131443, -0.027194714173674583, -0.027707820758223534, -0.0021005349699407816, 0.005893613211810589, 0.008594555780291557, 0.021921105682849884, -0.016832785680890083, -0.0070302896201610565, 0.02253398485481739, 0.006812931504100561, 0.006039706524461508, -0.016975317150354385, 0.0006894886028021574, 0.0023481808602809906, -0.013739886693656445, 0.004111988935619593, -0.6079757213592529, -0.014117591083049774, 0.024486644193530083, -0.031527623534202576, -0.015421739779412746, -0.0009549506357870996, 0.014317132532596588, 0.015165186487138271, 0.011395269073545933, 0.028691276907920837, -0.03338051214814186, 0.0036879624240100384, -0.004781879484653473, -0.001117969281040132, -0.016490714624524117, -0.018657170236110687, -0.008288116194307804, -0.020296264439821243, 0.023517441004514694, 0.007404430769383907, -0.025926196947693825, 0.020980408415198326, -0.00811708066612482, 0.000663655053358525, 0.010575721971690655, 0.008067195303738117, 0.01822957955300808, -0.03968033567070961, -0.005833038128912449, 0.014808861538767815, -0.018927976489067078, 0.021023167297244072, 0.004764063283801079, 0.01985442079603672, 0.055273111909627914, -0.013461953029036522, -0.01375413965433836, 0.013882416300475597, 0.03497684746980667, 0.018486134707927704, -0.034606270492076874, -0.01931280829012394, 0.002284042304381728, -0.002173581626266241, 0.001004836056381464, -0.004457624163478613, 0.008345128037035465, 0.001799440593458712, -0.007040979340672493, -0.03825503587722778, -0.0027223220095038414, 0.00811708066612482, -0.025954702869057655, 0.0012462461600080132, -0.0032853151205927134, -0.019441084936261177, 0.0166617501527071, -0.01858590543270111, 0.010796642862260342, -0.0013290917268022895, 0.018543146550655365, -0.012050907127559185, -0.009627897292375565, -0.017189111560583115, -0.023517441004514694, 0.02033902332186699, -0.009827439673244953, -0.0034278451930731535, -0.010169511660933495, -0.015179439447820187, 0.01287758070975542, 0.03335200622677803, 0.005113261751830578, 0.00641028443351388, 0.0027846787124872208, 0.029845770448446274, 0.01844337396323681, 0.010083993896842003, -0.006078902166336775, 0.0009255538461729884, -0.0009692035964690149, 0.007108680903911591, -0.025783667340874672, 0.0011847801506519318, 0.01557852327823639, -0.0019277174724265933, -0.03965182974934578, 0.005091882310807705, -0.027978628873825073, -0.0018653606530278921, 0.005954188294708729, -0.01617714948952198, -0.022733526304364204, -0.05287861078977585, 0.007760755252093077, 0.006934081669896841, -0.0013531437143683434, -0.004728430882096291, 0.02377399429678917, -0.0479755774140358, -0.03323798254132271, -0.016790026798844337, 0.005975567735731602, -0.03007381781935692, 0.025527112185955048, 0.007596846204251051, 0.003566811792552471, -0.0009879106655716896, 0.022861802950501442, -0.022605249658226967, 0.012243322096765041, -0.005519472062587738, -0.004040724132210016, 0.0048353285528719425, -0.00939984992146492, -0.017317388206720352, 0.030045311897993088, 0.007489948533475399, -0.010119626298546791, -0.01925579458475113, 0.022705020383000374, 0.006335455924272537, 0.013704254291951656, -0.008259610272943974, 0.005184526555240154, 0.004960041958838701, 0.010347673669457436, -0.009121916256844997, -0.023032838478684425, -0.01609162986278534, -0.0007171037723310292, -0.021878346800804138, 0.0212369617074728, -0.012257575057446957, 0.027608050033450127, -0.004682108759880066, 0.005872233770787716, 0.009948589839041233, 0.014217361807823181, -0.020780865103006363, -0.03614559397101402, 0.011245612986385822, 0.004186816979199648, -0.031527623534202576, -0.014922885224223137, -0.00899363961070776, -0.011487913317978382, 0.014666331000626087, -0.010190891101956367, -0.017916014418005943, -0.0038019863422960043, -0.021379491314291954, -0.02253398485481739, 0.023118356242775917, 0.0019401888130232692, 0.009749048389494419, 0.005487402901053429, -0.017132099717855453, -0.016889797523617744, -0.025413088500499725, -0.001970476470887661, 0.036829736083745956, -0.01584932953119278, -0.017916014418005943, -0.0012204126687720418, -0.01861441135406494, 0.006217868998646736, -0.0095210000872612, 0.020795118063688278, -0.031955212354660034, -0.00701959989964962, -0.027608050033450127, -0.007326039019972086, 0.021108685061335564, -0.0072939698584377766, -0.005034870468080044, 0.003016290022060275, -0.007874779403209686, 0.0014057016232982278, -0.009756174869835377, 0.011822858825325966, 0.004375669173896313, 0.004250955767929554, -0.013590230606496334, 0.026767123490571976, -0.005722577217966318, 0.021023167297244072, -0.001877831993624568, -0.02293306775391102, 0.007176382467150688, 0.015222198329865932, 0.024785958230495453, -0.026710111647844315, -0.002716977149248123, -0.02021074667572975, 0.006224995478987694, 0.013982187956571579, -0.008779844269156456, -0.00504556018859148, 0.03822652995586395, 0.006196489557623863, -0.0200682170689106, 0.010176638141274452, -0.013233905658125877, 0.024743197485804558, -0.028848061338067055, 0.020381782203912735, -0.013554597273468971, 0.018272338435053825, 0.017645206302404404, 0.003987275063991547, -0.017702220007777214, -0.011138714849948883, -0.022705020383000374, 0.01073963101953268, 0.026795629411935806, -0.016547726467251778, 0.014680583961308002, -0.013012983836233616, 0.01265665888786316, 0.011858491227030754, 0.002675999654456973, 0.029475191608071327, 0.010796642862260342, 0.002569102216511965, -0.0019063380314037204, 0.01178009994328022, 0.025085270404815674, -0.0043792324140667915, -0.01674726791679859, -0.014808861538767815, -0.021849840879440308, 0.004479003604501486, 0.012585394084453583, 0.011723088100552559, 0.006232121959328651, 0.035689499229192734, 0.005690508056432009, 0.008637314662337303, -0.005262918304651976, 0.0214222501963377, 0.02832069993019104, 0.01366149540990591, -0.0046037170104682446, 0.007033852860331535, -0.007817767560482025, 0.032040730118751526, 0.012022401206195354, -0.008637314662337303, 0.014637825079262257, 0.011316877789795399, 0.021407997235655785, 0.017303135246038437, 0.023873765021562576, 0.0012141769984737039, -0.0119012501090765, 0.01453805435448885, 0.008794097229838371, 0.027522532269358635, 0.03591754660010338, 0.019811661913990974, -0.026610340923070908, 0.029845770448446274, -0.018899470567703247, -0.004044287372380495, -0.05128227546811104, 0.006713160313665867, 0.009798933751881123, 0.010461698286235332, -0.018956482410430908, 0.02594044990837574, -0.00818121898919344, 0.006973277311772108, -0.025299064815044403, 0.009870198555290699, 0.003240774618461728, 0.02518504112958908, -0.008808350190520287, 0.04176127538084984, 0.005063376389443874, -0.0486312173306942, -0.018429121002554893, 0.015279210172593594, 0.02961772307753563, -0.008309495635330677, -0.01780199073255062, -0.0021326043643057346, 0.01807279698550701, -0.020795118063688278, -0.004746247082948685, -0.016305426135659218, -0.005170273594558239, -0.007012473419308662, -0.02696666494011879, -0.0119012501090765, -0.0068058050237596035, 0.010789516381919384, 0.012286080978810787, 0.00873708538711071, 0.006374651566147804, 0.019455337896943092, 0.00643879035487771, -0.007874779403209686, -0.013112754561007023, 0.04170426353812218, -0.005811658687889576, -0.02090914361178875, -0.023089850321412086, 0.0018796136137098074, -0.017787737771868706, -0.005127514712512493, -0.007717996370047331, -0.0008391450392082334, 0.019954191520810127, 0.006524308118969202, -0.002266226103529334, -0.000651629117783159, 0.014438283629715443, 0.03158463537693024, 0.0055693574249744415, -0.007432936690747738, -0.024757450446486473, -0.01322677917778492, 0.018728435039520264, 0.02477170340716839, 0.036288123577833176, -0.0072227050550282, 0.0017157042166218162, -4.050411462230841e-06, -0.016490714624524117, -0.014979897066950798, 0.007333165500313044, 0.02334640547633171, 0.00861593522131443, -0.011359636671841145, -0.0031071528792381287, 0.02058132365345955, 0.012485623359680176, 0.0219353586435318, 0.012599647045135498, 0.008380760438740253, -0.03557547554373741, -0.00989870447665453, 0.027280231937766075, -0.008786970749497414, -0.03186969459056854, 0.014103338122367859, 0.03189820051193237, -0.0031997973565012217, 0.012514129281044006, 0.013326549902558327, -0.011046070605516434, -0.002134385984390974, -0.019027747213840485, -0.0035953179467469454, 0.01633393205702305, 0.0343497171998024, 0.017859002575278282, -0.0038198025431483984, 0.024116067215800285, 0.013476205989718437, 0.009798933751881123, 0.011544925160706043, -0.02407330833375454, 0.021265467628836632, 0.009599391371011734, 0.010426065884530544, 0.009563758969306946, 0.004831765312701464, -0.012813442386686802, 0.014880126342177391, 0.020709600299596786, -0.02323238179087639, -0.00846627913415432, 0.034093163907527924, -0.03064393810927868, -0.02066684141755104, -0.0003244783147238195, -0.006096718367189169, -0.01152354571968317, -0.018101302906870842, -0.002266226103529334, 0.0074400631710886955, -0.025056764483451843, -0.010903540998697281, -0.010989058762788773, 0.02612573839724064, -0.009364217519760132, -0.008338001556694508, -0.009962842799723148, -0.017160605639219284, 0.004311530850827694, -0.02036752924323082, -0.018956482410430908, 0.008537543937563896, -0.006577756721526384, -0.043072547763586044, 0.0013789772056043148, 0.007967423647642136, 0.03768491744995117, 0.005476713180541992, 0.017602447420358658, -0.022163406014442444, 0.02169305831193924, -0.011060323566198349, 0.004853144753724337, -8.150931535055861e-05, -0.009364217519760132, 0.005063376389443874, -0.02058132365345955, -0.00754696037620306, -0.007946044206619263, -0.010297788307070732, -0.035176388919353485, -0.0005180072621442378, 0.0010867908131331205, 0.00896513368934393, 0.005006364081054926, 0.011430901475250721, 0.0033102580346167088, 0.009093410335481167, 0.027878856286406517, 0.009941463358700275, -0.021821334958076477, 0.0041547478176653385, -0.002966404426842928, -0.015307716093957424, 0.0064566065557301044, 0.01506541483104229, 0.005145330913364887, 0.0050811925902962685, -0.009264446794986725, -0.006306950002908707, -0.009941463358700275, 0.023716982454061508, -0.019241541624069214, 0.024358367547392845, 0.010540089569985867, 0.009720542468130589, 0.048431675881147385, 0.03181268274784088, 0.012221942655742168, 0.007240521255880594, -0.019726144149899483, -0.0036701459903270006, -0.02293306775391102, 0.01855739951133728, 0.0054517704993486404, -0.03406465798616409, 0.014516674913465977, -0.004792569205164909, -0.003434971673414111, -0.00980606023222208, -0.006552814040333033, -0.024116067215800285, 0.010689745657145977, 0.015450245700776577, -0.016761520877480507, -0.024572161957621574, -0.006812931504100561, -0.021051673218607903, -0.015378980897367, -0.032040730118751526, -0.0018279465148225427, 0.002478239359334111, -0.0339791402220726, 0.011851364746689796, -0.0015295244520530105, -0.012670911848545074, -0.02063833549618721, -0.0350053533911705, 0.01738865301012993, 0.010354800149798393, 0.02055281773209572, -0.01620565541088581, 0.002966404426842928, -0.016262667253613472, -0.02877679653465748, -0.006175109650939703, -0.00811708066612482, -0.014495295472443104, 0.01287758070975542, 0.035176388919353485, 0.02021074667572975, 0.03366557136178017, -0.006563503760844469, 0.007960297167301178, 0.03608858212828636, -0.004290151409804821, 0.0010083994129672647, -0.015293463133275509, 0.007383051328361034, -0.006082465406507254, 0.011124461889266968, 0.05304964631795883, -0.00681649474427104, 0.02545584738254547, 0.008003056049346924, 0.0333235003054142, 0.028334952890872955, 0.004635786637663841, -0.030301867052912712, -0.004828202072530985, -0.04757649451494217, 0.0009219906060025096, -0.0005184526671655476, -0.005070502869784832, 0.011972514912486076, -0.023688476532697678, -0.016006112098693848, -0.018785446882247925, -0.003324510995298624, 0.011787226423621178, -0.012948845513164997, 0.014894379302859306, -0.0017673713155090809, 0.003497328609228134, 0.03021634742617607, 0.02690965309739113, -0.030529914423823357, 0.012207689695060253, -0.022248923778533936, -0.009848819114267826, 0.00942835584282875, -0.016533473506569862, 0.012891833670437336, -0.022819044068455696, 0.009349964559078217, -0.0044255550019443035, -0.004685672000050545, -0.007318912539631128, -0.01744566485285759, -0.004514636006206274, -0.00989870447665453, -0.010989058762788773, -0.022362947463989258, -0.03318097069859505, 0.00789615884423256, -0.01044031884521246, -0.00043560712947510183, -0.0028897945303469896, 0.006100281607359648, -0.0190420001745224, -0.013340802863240242, 0.010376179590821266, 0.011188600212335587, 0.03930975869297981, -0.017431411892175674, 0.013583104126155376, 0.015478751622140408, -0.015863582491874695, -0.02916162647306919, 0.022619502618908882, 0.010198017582297325, 0.010354800149798393, 0.0236172117292881, 0.0333235003054142, -0.04190380498766899, -0.020951902493834496, 0.00024653226137161255, -0.0037627904675900936, -0.0032033605966717005, -0.05151032283902168, 0.0360315702855587, 0.03124256432056427, 0.003602444427087903, -0.01985442079603672, -0.009043524973094463, -0.030757961794734, 0.02594044990837574, -0.0018546709325164557, 0.0077251228503882885, -0.01044031884521246, -0.01535047497600317, 0.01081802323460579, 0.018699929118156433, 0.007767882198095322, 0.03429270535707474, 0.004019344225525856, -0.005658438894897699, -0.010176638141274452, 0.0014342075446620584, -0.016006112098693848, 0.01939832605421543, -0.014552307315170765, 0.05151032283902168, -0.01084652915596962, -0.00914329569786787, 0.018685676157474518, -0.002430135617032647, 0.010974805802106857, 0.005116824992001057, -0.0025601941160857677, 0.036231111735105515, -0.028662770986557007, -0.006335455924272537, -0.015564270317554474, -0.005291424226015806, 0.01509392075240612, -0.012784936465322971, -0.012385851703584194, -0.016790026798844337, -0.018685676157474518, 0.005323493387550116, 0.023873765021562576, -0.00742581021040678, 0.015977606177330017, 0.004528888966888189, -0.006477985996752977, -0.01793026737868786, -0.037713423371315, -0.0006012981757521629, 0.006239248439669609, -0.04455485939979553, -0.018543146550655365, -0.013540344312787056, -0.01590634137392044, -0.0018439812120050192, 0.002592263277620077, -0.027764832600951195, 0.01192975603044033, 0.022305935621261597, -0.014951391145586967, 0.026980917900800705, 0.02862001210451126, 0.013205399736762047, -0.03269637003540993, -0.004318657331168652, -0.013397814705967903, -0.026225509122014046, 0.027921617031097412, -0.013953681103885174, -0.03928125277161598, 0.0009317895164713264, -0.005416138097643852, 0.018685676157474518, 0.020267758518457413, -0.005241538863629103, -0.0019188093720003963, 0.0036701459903270006, 0.01259252056479454, 0.00031200694502331316, -0.0013290917268022895, 0.03700077533721924, 0.005373378749936819, -0.0070694852620363235, 0.03235429897904396, -0.008473405614495277, 0.01509392075240612, -0.015364727936685085, 0.0008404812542721629, -0.012913213111460209, -0.04637924209237099, -0.007489948533475399, 0.006631205789744854, 0.009257320314645767, 0.007297533098608255, -0.0030358878429979086, -0.006862816866487265, -0.0068663801066577435, -0.017160605639219284, 0.017360147088766098, 0.004489693325012922, -0.017075087875127792, 0.0049956743605434895, -0.008366507478058338, -0.008437772281467915, 0.003315602894872427, -0.014431157149374485, 0.00037681355024687946, 0.020224999636411667, -0.004047850612550974, -0.04230288788676262, -0.014046326279640198, 0.014694836921989918, 0.0679582804441452, 0.03215475380420685, -0.011423774994909763, -0.02401629649102688, -0.0037200315855443478, -0.0656207874417305, -0.019027747213840485, -0.013012983836233616, 0.011452280916273594, -0.003222958417609334, 0.01453805435448885, -0.006787988822907209, 0.014894379302859306, -0.014438283629715443, 0.006246374920010567, -0.008979386650025845, -0.007368797902017832, -0.007988803088665009, 0.009870198555290699, 0.0020274885464459658, 0.005466023460030556, -0.05666990578174591, 0.02117994986474514, 0.013554597273468971, 0.007482822053134441, -0.017160605639219284, 0.02223467081785202, -0.009485367685556412, -0.0051595838740468025, 0.008152713067829609, 0.007172819226980209, 0.009300079196691513, -0.008487658575177193, -0.006189362611621618, -0.02750827930867672, 0.004981421399861574, 0.015393233858048916, -0.001560702919960022, -0.025484353303909302, 0.0007919319905340672, -0.009221686981618404, -0.00887248944491148, -0.008081448264420033, -0.003912447020411491, -0.023303646594285965, 0.01294171903282404, -0.0243156086653471, 0.02190685272216797, 0.0058009689673781395, 0.00043248929432593286, 0.03842607140541077, -0.000792377395555377, 0.016020365059375763, 0.004222449380904436, -0.021407997235655785, -0.018386362120509148, 0.003165946342051029, 0.019113264977931976, -0.02136523835361004, 0.004742683842778206, 0.003659456269815564, 0.008694326505064964, -0.004364979453384876, 0.007475695572793484, 0.0032158319372683764, -0.022605249658226967, -0.04295852407813072, 0.023545946925878525, 0.016832785680890083, -0.01687554456293583, -0.008950880728662014, -0.004165437538176775, 0.009870198555290699, 0.0056156800128519535, 0.009984222240746021, -0.001219521858729422, -0.01309137511998415, 0.02705218270421028, -0.0032389929983764887, -0.016676003113389015, -0.020738106220960617, 0.007767882198095322, 0.011381016112864017, 0.0020916268695145845, 0.0020969717297703028, 0.20034009218215942, -0.0020559944678097963, 0.021949611604213715, 0.016048870980739594, -0.012670911848545074, -0.0025281249545514584, 0.03349453583359718, 0.01958361454308033, 0.009072030894458294, 0.014060579240322113, -0.009642151184380054, 0.0061644199304282665, -0.028163917362689972, 0.0008231104002334177, 0.04230288788676262, -0.026368040591478348, -0.0421888642013073, -0.023389164358377457, -0.02326088771224022, 0.009271573275327682, 0.00028728690813295543, -0.008437772281467915, -0.01768796518445015, -0.014979897066950798, 0.016704509034752846, -0.024842970073223114, -0.023816753178834915, -0.009863072074949741, 0.01874268800020218, 0.0019277174724265933, -0.02226317673921585, 0.002161110285669565, 0.027907362207770348, -0.00524866534397006, -0.007251210976392031, -0.014452536590397358, 0.03178417682647705, 0.005975567735731602, 0.006331892684102058, 0.016847038641572, -0.014680583961308002, -0.012435737997293472, 0.003830492263659835, 0.028477482497692108, 0.01485162042081356, 0.011103082448244095, -0.000562102475669235, 0.02488572895526886, -0.004283024929463863, 0.0007946044206619263, -0.020282011479139328, -0.029760252684354782, 0.02772207371890545, 0.026025967672467232, -0.004037160892039537, -0.005099008791148663, -0.005109698511660099, 0.020837876945734024, 0.00504556018859148, 0.0002699160831980407, -0.03320947661995888, 0.00647085951641202, 0.01660473830997944, 0.0023303646594285965, -0.010205144062638283, 0.02745126746594906, -0.019441084936261177, 0.011359636671841145, -0.001644439180381596, 0.0008854672778397799, 0.005259355064481497, -0.019027747213840485, -0.021493514999747276, 0.0007220032275654376, -0.03720031678676605, -0.01230746041983366, 0.040991611778736115, 0.008174092508852482, 0.002221685601398349, 0.036316629499197006, -0.0005910538602620363, 0.017103593796491623, 0.0032853151205927134, -0.0037271580658853054, -0.013747013173997402, -0.042530935257673264, -0.00042090873466804624, -0.004728430882096291, -0.01820107363164425, -0.021279720589518547, -0.009029272012412548, 0.016975317150354385, -0.02117994986474514, -0.0032995683141052723, 0.023061344400048256, 0.0009674219763837755, 0.029817264527082443, 0.0068450006656348705, -0.02150776796042919, 0.012706544250249863, -0.014751849696040154, 0.045809123665094376, 0.014652078039944172, -0.0031499117612838745, -0.013290917500853539, -0.010718251578509808, 0.0026688731741160154, 0.013761266134679317, 0.01850038766860962, -0.004307967610657215, 0.010974805802106857, -0.02973174676299095, -0.0012711889576166868, -0.013098501600325108, -0.0024924923200160265, 0.027337243780493736, -0.0010288880439475179, -0.011366763152182102, 0.0066418955102562904, -0.012870454229414463, -0.006392468232661486, -0.011587684042751789, 0.011259865947067738, 0.029760252684354782, -0.003420718712732196, 0.019141770899295807, -0.03129957616329193, 0.0018742687534540892, -0.012649532407522202, -0.02769356779754162, 0.025199294090270996, -0.016761520877480507, -0.00020889544975943863, 0.009257320314645767, -0.0016524565871804953, -0.02807839959859848, -0.029874276369810104, -0.02621125616133213, -0.007603972684592009, -0.010825149714946747, 0.005843727849423885, -0.01352609135210514, 0.011516419239342213, 0.018372109159827232, -0.00751845445483923, -0.00783202052116394, -0.0029770941473543644, 0.02973174676299095, -0.0068450006656348705, -0.015949100255966187, -0.003695088904350996, -0.03449224680662155, 0.018999241292476654, -0.010568595491349697, 0.019783155992627144, -0.011445154435932636, -0.0009104100172407925, -0.03905320540070534, 0.0067202867940068245, 0.012678038328886032, -0.026353787630796432, 0.0003794859803747386, 0.0404214933514595, -0.014951391145586967, -0.002230593701824546, -0.0058615440502762794, -0.1832364946603775, 0.016861291602253914, 0.030529914423823357, -0.021978117525577545, 0.021593285724520683, 0.023275140672922134, 0.005761772859841585, 0.009036398492753506, -0.01372563373297453, 0.008694326505064964, 0.01798727922141552, 0.0044184280559420586, -0.0007669892511330545, -0.02347468212246895, -0.004272335208952427, 0.006413847673684359, 0.018386362120509148, 0.012663785368204117, 0.011324004270136356, 0.004660729318857193, 0.0039302632212638855, -0.040535517036914825, 0.012934592552483082, 0.0302448533475399, -0.012143551371991634, 0.010283535346388817, -0.013412067666649818, -0.003434971673414111, -0.014459663070738316, -0.02280479110777378, 0.005088319070637226, -0.013889542780816555, 0.01087503507733345, -0.004981421399861574, -0.002697379095479846, 0.015022655948996544, -0.010661239735782146, -0.009820313192903996, -0.004984984640032053, 0.0435001403093338, 0.03657318279147148, 0.022191911935806274, 0.01696106418967247, 0.024486644193530083, -0.024814464151859283, -0.0027668625116348267, 0.025512859225273132, -0.013618736527860165, -0.003980148583650589, 0.0040300339460372925, -0.002517435234040022, 0.006791552063077688, 0.037399858236312866, 0.004536015447229147, 0.0038946308195590973, 0.006941208150237799, 0.029033349826931953, -0.0042153229005634785, 0.025840679183602333, -0.001787859946489334, -0.011195726692676544, -0.003139222040772438, 0.013932301662862301, -0.01768796518445015, 0.0035472139716148376, -0.04569509997963905, -0.01056146901100874, 0.0044861300848424435, -0.023716982454061508, -0.009043524973094463, -0.015193692408502102, -0.004899466875940561, 0.025598378852009773, -0.008865362964570522, 0.026852641254663467, 0.018272338435053825, 0.008131333626806736, 0.003944516181945801, -0.02001120336353779, 0.025983208790421486, -0.008380760438740253, 0.04615119472146034, -0.008601682260632515, -0.009171801619231701, -0.014338511973619461, -0.02239145338535309, -0.02172156423330307, -0.004949352238327265, 0.0040549770928919315, 0.005416138097643852, 0.0062891338020563126, -0.016276920214295387, 0.01340494118630886, -0.03326648846268654, 0.023389164358377457, -0.001540214172564447, 0.02085213176906109, -0.01744566485285759, 0.017060834914445877, -0.007076611742377281, -0.004072793293744326, -0.008979386650025845, -0.01230746041983366, 0.005223722662776709, 0.043614163994789124, 0.010668366216123104, -0.00930720567703247, 0.010604227893054485, 0.03226878121495247, -0.023959282785654068, 0.007732249330729246, 0.014545180834829807, 0.03688674792647362, 0.009342838078737259, -0.005743956658989191, 0.02328939363360405, 0.007012473419308662, -0.034093163907527924, 0.02259099669754505, -0.002284042304381728, 0.05344872921705246, -0.009478241205215454, -0.03614559397101402, -0.02202087640762329, -0.004250955767929554, -0.002891576150432229, -0.11983917653560638, -0.007760755252093077, 0.017303135246038437, 0.028477482497692108, -0.04543854668736458, 0.005163147114217281, -0.0048959036357700825, 0.005177400074899197, -0.015407486818730831, 0.05019904673099518, -0.010547216050326824, -0.01871418207883835, -0.012086539529263973, -0.0012213034788146615, 0.005099008791148663, -0.010867908596992493, 0.016561979427933693, -0.026339532807469368, -0.005066939629614353, 0.0339791402220726, 0.0012872235383838415, -0.0169895701110363, -0.030358878895640373, -0.0051987795159220695, 0.0008876943029463291, 0.004236702807247639, -0.02696666494011879, 0.019084759056568146, 0.02015373483300209, 0.019626373425126076, 0.00197403971105814, -0.023146862164139748, -0.007946044206619263, -0.018272338435053825, -0.004325783811509609, -0.012136424891650677, -0.022819044068455696, 0.0053056771866977215, 0.020894890651106834, -0.016832785680890083, 0.008345128037035465, 0.018756940960884094, 0.012735050171613693, 0.0025299065746366978, -0.016704509034752846, -0.0018493260722607374, -0.025028258562088013, 0.0364021472632885, -0.01503690890967846, -0.007318912539631128, -0.016761520877480507, -0.04404175281524658, -0.009877325035631657, -0.00033828592859208584, 0.019740397110581398, -0.025085270404815674, -0.007411557249724865, 0.006752355955541134, -0.022035129368305206, 0.019540855661034584, -0.004250955767929554, -0.004343600012362003, -0.028406217694282532, 0.010226523503661156, 0.024144573137164116, 0.014865873381495476, -0.03854009881615639, -0.020110975950956345, 0.0033797412179410458, 0.0060860286466777325, -0.011295498348772526, 0.02823518216609955, -0.014580813236534595, 0.010461698286235332, -0.036829736083745956, -0.021792829036712646, -0.023004332557320595, -0.025028258562088013, 0.008437772281467915, -0.009578011929988861, -0.013127007521688938, -0.02756529115140438, 0.002586918417364359, -0.020795118063688278, 0.010839402675628662, -0.008950880728662014, -0.009057777933776379, -0.004218886140733957, 0.01828659139573574, -0.035803522914648056, 0.021493514999747276, 0.004703488200902939, -0.0033619250170886517, -0.002816748106852174, -0.0006560831679962575, 0.03275338187813759, -0.01738865301012993, 0.0016221689293161035, 0.023545946925878525, -0.0009072921820916235, -0.03651617094874382, -0.000947824155446142, -0.0591784343123436, 0.021493514999747276, -0.0058009689673781395, -0.0030608305241912603, -0.0031766360625624657, -0.02404480241239071, 0.022676514461636543, 0.0036772724706679583, -0.00643879035487771, 0.011965388432145119, -0.018514640629291534, 0.008188345469534397, -0.005918555893003941, -0.008095701225101948, -0.014709089882671833, -0.011053197085857391, 0.010597101412713528, -0.010632733814418316, 0.018870964646339417, 0.04030746966600418, -0.013547470793128014, 0.005669128615409136, 0.020167987793684006, 0.021821334958076477, -0.0008413720643147826, -0.021579032763838768, -0.002137949224561453, -0.006741666235029697, -0.0036772724706679583, 0.01934131421148777, 0.017516929656267166, -0.037884458899497986, -0.004140494856983423, 0.01801578514277935, -0.010055487975478172, -0.027522532269358635, 0.026168497279286385, 0.006538561079651117, 0.002398066222667694, 0.025085270404815674, -0.046806834638118744, -0.019213035702705383, 0.0008903667330741882, -0.0053056771866977215, -0.0017299571773037314, 0.01780199073255062, 0.02145075611770153, 0.014231614768505096, -0.005547977983951569, -0.0011215325212106109, 0.05296412855386734, 0.0036398584488779306, 0.006417410913854837, -0.05838026478886604, -0.01831509731709957, 0.012599647045135498, 0.01256401464343071, -0.00795317068696022, -0.003737847786396742, -0.028163917362689972, 0.052051935344934464, -0.004040724132210016, 0.0407920703291893, -0.0006235684850253165, 0.008551796898245811, -0.036715712398290634, -0.015293463133275509, 0.0013941209763288498, -0.02021074667572975, -0.037371352314949036, 0.004169000778347254, 0.0015268520219251513, 0.010924920439720154, 0.03272487595677376, 0.013861036859452724, 0.007165692746639252, 0.001476966543123126, 0.009257320314645767, -0.04093459993600845, 0.016291173174977303, 0.025284811854362488, -0.01882820576429367, -0.01861441135406494, 0.0031374404206871986, 0.027123447507619858, -0.023873765021562576, 0.0026207694318145514, 0.027080688625574112, -0.0008698780438862741, 0.017616700381040573, -0.002595826517790556, 0.01939832605421543, -0.005647749174386263, -0.005833038128912449, 0.008423519320786, 0.020980408415198326, -0.020980408415198326, 0.0018110211240127683, 0.024928487837314606, 0.007390177808701992, -0.013440573588013649, 0.006196489557623863, -0.004607280250638723, -0.01976890303194523, -0.01582082360982895, 0.008786970749497414, -0.023360658437013626, -0.0023731235414743423, 0.004243829287588596, -0.012742176651954651, 0.007026726379990578, -0.007258337456732988, 0.009813186712563038, 0.01532196905463934, -0.014751849696040154, 0.011038944125175476, 0.006912702228873968, -0.028791049495339394, -0.030558420345187187, 0.023218128830194473, -0.012435737997293472, 0.0011509292526170611, 0.03167015314102173, 0.01820107363164425, 0.017360147088766098, 0.01360448356717825, 0.031442105770111084, -0.017901761457324028, 0.018642917275428772, -0.03765641152858734, 0.019170276820659637, -0.00983456615358591, -0.0037806066684424877, -0.0034848570358008146, 0.0037449742667376995, -0.022975826635956764, 0.024743197485804558, -0.0022127775009721518, -0.01928430236876011, 0.10284961014986038, 0.039965394884347916, -0.016761520877480507, 0.008865362964570522, -0.01861441135406494, 0.02377399429678917, 0.023032838478684425, -0.01447391603142023, -0.007482822053134441, -0.0469493642449379, -0.004026470705866814, -0.010654113255441189, 0.0004908374976366758, -0.028434723615646362, 0.004450497683137655, -0.008658694103360176, -0.013355055823922157, 0.023417670279741287, -0.004136931616812944, 0.009535253047943115, 0.014288626611232758, 0.022320188581943512, 0.020438794046640396, 0.011801479384303093, -0.0032995683141052723, -0.010960552841424942, 0.014431157149374485, -0.012043780647218227, 0.02299007959663868, -0.029361167922616005, -0.01081802323460579, 0.01641944982111454, -0.03968033567070961, -0.012628152966499329, -0.01801578514277935, 0.010198017582297325, 0.0007758974097669125, 0.006239248439669609, 0.018186820670962334, 0.009435482323169708, 0.01617714948952198, 0.005733266938477755, 0.009877325035631657, -0.024258596822619438, -0.01825808547437191, -0.0025423779152333736, -0.023759741336107254, -0.009599391371011734, -0.024814464151859283], metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='25f116c1-a2c2-4e7e-962a-03dfb10f692c', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='e1663cfd3111fed6dbd50273ea61332f334365a4c919ba5ce45d3bf80b117d82'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='0d8d2c21-d52f-4ac9-9ab5-45e9d047c92e', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='4d5386312d0a02d6465873f4184fe8ae5fe151b881466b3eee0d85b5d1b48d94'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='d6c4aa0c-20dd-4e5e-8c63-e49f7e9b325a', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='d9d05b637eee7d4fbe52c40810ced13e8afa49c846a992102ff89ebf0375349c')}, hash='8ce7fd27e42d7243135a91799b7ae34b52e3ae17830f122679bddb49537cc7d3', text='When the search reaches the layer that is equal or less than l, the second phase of the construction algorithm is initiated . The second phase differs in two points: 1) the ef parameter is increased from 1 to efConstruction in order to control the recall of the greedy search procedure; 2) the found closest neighbors on each layer are also used as candidates for the connections of the inserted element. Two methods for the selection of M neighbors from the candidates were considered: simple connection to the closest elements (alg. 3) and the heuristic that accounts for the distances between the candidate elements to create connections in diverse direction s (alg. 4), described in the Section 3. The heuristic has two additional parameters: extendCandidates (set to false by default) which extends the candidate set and useful only for extremely clustered data, and keepPrunedConnections which allows getting fixed number of connection per element . The maximum number of connections that an element can have per layer is defined by the parameter Mmax for every layer higher than zero (a special parameter Mmax0 is used for the ground layer sep arately). If a node is already full at the moment of making of a new connection, then its extended connection list gets shrunk by the same algorithm that used for the neighbors selection (algs. 3 or 4). The insertion procedure terminates when the conne ctions of the inserted elements are established on the zero layer. The K-ANNS search algorithm used in Hierarchical NSW is presented in alg. 5. It is roughly equivalent to the insertion algorithm for an item with layer l=0. The diffe rence is that the closest neighbors found at the ground layer which are used as candidates for the connections are now returned as the search result. The quality of the search is controlled by the ef parameter (corresponding to efConstruction in the construction algorithm). 4.1 In fluence of the construction parameters Algorithm construction parameters mL and Mmax0 are r esponsible for maintaining the small world navigability in the constructed graphs. Setting mL to zero (this corr esponds to a single layer in the graph) and Mmax0 to M leads to production of directed k-NN graphs with a po wer-law search complexity well studied before [21, 29] (assuming using the alg. 3 for neighbor selection). Setting mL to zero and Mmax0 to infinity leads to production of NSW graphs with polylogarithmi c complexity [25, 26] . Finally, setting mL to some non-zero value leads to emergence of controllable hierarchy graphs w hich allow logarithmic search complexity by introduction of layers (see the Se ction 3). To achieve the optimum performance advantage of the controllable hierarchy, the overlap between neighbors on different layers (i.e. percent of element neighbors that are also belong to other layers) has to be small. In order to decrease the overlap we need to decrease the mL. Howe ver, at the same time, decreas ing mL leads to an increase of average hop number during a greedy search on each la yer, which negatively affects the performance. This leads to existence of the optimal value for the mL parameter . A simple choice for the optimal mL is 1/ln( M), this co rresponds to the skip list parameter p=1/M with an ave rage single element overlap between the layers. Simul ations done on an Intel Core i7 5930K CPU show that the proposed selection of mL is a reasonable choice (see Fig. ', start_char_idx=843, end_char_idx=4280, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
437
       " TextNode(id_='d6c4aa0c-20dd-4e5e-8c63-e49f7e9b325a', embedding=[-0.010554810985922813, 0.03364754468202591, -0.006250801496207714, -0.007888867519795895, 0.004859716631472111, 0.03228188678622246, 0.002233726205304265, -0.008455471135675907, -0.03620452806353569, -0.05654414743185043, 0.0010596580104902387, 0.026092829182744026, -0.011230376549065113, 0.011455565690994263, -0.013307924382388592, 7.990565791260451e-05, 0.01760830171406269, 0.006991744972765446, 0.015676036477088928, -0.005873065907508135, -0.021821508184075356, -0.003259787568822503, -0.005727782845497131, -0.04166716709733009, 0.011099622584879398, 0.03600113093852997, 0.019714904949069023, -0.011397452093660831, -0.012763112783432007, -0.003495872486382723, 0.01659131981432438, -0.015356414020061493, -0.023259811103343964, 0.011194055899977684, -0.008767830207943916, -0.0012085731141269207, 0.013031885959208012, -0.020819054916501045, 0.028068678453564644, 0.010474905371665955, 0.014383018016815186, 0.00012360406981315464, -0.008324716240167618, -0.005255613010376692, 0.00843367911875248, 0.012741319835186005, -0.005019527859985828, -0.02920188568532467, 0.004892405588179827, 0.020121697336435318, 0.021792452782392502, 0.030189810320734978, -0.01967131905257702, 0.009283584542572498, -0.010365942493081093, 0.004245895892381668, 0.007961508817970753, 0.009871981106698513, 0.004590942990034819, -0.019395282492041588, 0.011026980355381966, 0.0011777004692703485, -0.02902754582464695, 0.019627735018730164, -0.007423962000757456, -0.025366414338350296, -0.01842188648879528, 0.013910848647356033, 0.02713886648416519, -0.011273961514234543, 0.011927735060453415, 0.03576867654919624, -0.005524386651813984, 0.004874245263636112, 0.031003395095467567, -0.011971320025622845, -0.0032434433232992887, 0.015734151005744934, -0.006356131751090288, 0.014303112402558327, 0.0081649050116539, -0.0426260344684124, -0.013721980154514313, 0.026790186762809753, 0.0020503064151853323, 0.027269622310996056, 0.02885320596396923, 0.032078489661216736, -0.030538490042090416, 0.001217653276398778, 0.03085811249911785, 0.013656603172421455, 0.0217779241502285, -0.005291933659464121, 0.006236273329705, -0.0014610022772103548, -0.019380753859877586, 0.0034195987973362207, 0.010569339618086815, -0.011927735060453415, -0.01641697995364666, -0.0007332251989282668, -0.00589485839009285, -0.00898575410246849, -0.003637523390352726, -0.006479622330516577, -0.02402980998158455, 0.004910565912723541, -0.0033015564549714327, 0.023274337872862816, 0.007576508913189173, 0.027734527364373207, -0.004975943360477686, -0.012872074730694294, -0.012007640674710274, -0.02513396181166172, 0.027647357434034348, -0.01986018754541874, -0.0049868393689394, -0.03437396138906479, 0.026601320132613182, 0.006229009013622999, 0.020804528146982193, -0.005524386651813984, 0.022083017975091934, -0.0005924822762608528, 0.017201509326696396, -0.031352072954177856, -0.011368395760655403, -0.03786075487732887, 0.03001547046005726, 0.024102451279759407, 0.012537923641502857, 0.013758301734924316, -0.031177734956145287, 0.022373583167791367, -0.004881509114056826, -0.03204943239688873, -0.036349810659885406, -0.026804715394973755, 0.016751131042838097, 0.02594754658639431, -0.003622995223850012, -0.02140018716454506, -0.02232999913394451, 0.03966226056218147, 0.007867075502872467, 0.028359243646264076, 0.008506320416927338, -0.027531130239367485, -0.003089080099016428, -0.005833113100379705, -0.0016126413829624653, 0.032427169382572174, 0.0022827594075351954, 0.004333065822720528, -0.01733226329088211, 0.005426320713013411, -0.01641697995364666, -0.05570150539278984, -0.011855093762278557, 0.011557263322174549, 0.006399716716259718, -0.002466179197654128, 0.002391721587628126, 0.029071131721138954, 0.013591226190328598, 0.00542268855497241, -0.001179516431875527, -0.0181313194334507, 0.0022137498017400503, 0.034083396196365356, -0.022083017975091934, 0.0019849292002618313, 0.007380377035588026, -0.026630375534296036, 0.0317879244685173, 0.010598395951092243, -0.03826754540205002, -0.01002452801913023, -0.0011549999471753836, 0.01088169775903225, -0.000965223996900022, 0.025991130620241165, 0.007852546870708466, -0.004006179049611092, 0.017070753499865532, 0.007068018428981304, 0.009770282544195652, -0.026150941848754883, 0.010453112423419952, -0.005876698065549135, -0.015516226179897785, -0.0040279715321958065, -0.5904301404953003, -0.014295848086476326, 0.007155188359320164, -0.025235658511519432, -0.005226556211709976, -0.0026768394745886326, 0.017927924171090126, 0.014949621632695198, 0.013024621643126011, 0.025439055636525154, -0.019366225227713585, 0.00916735827922821, -0.006432405207306147, -0.02151641435921192, -0.01705622486770153, -0.015835847705602646, 0.002333608455955982, -0.026804715394973755, 0.014906036667525768, -0.0015082192840054631, -0.040243394672870636, 0.012683207169175148, -0.010039055719971657, 0.00016015181608963758, 0.008411886170506477, 0.011106885969638824, 0.024465659633278847, -0.031235847622156143, -0.0012657782062888145, 0.021705282852053642, -0.021792452782392502, 0.01078726351261139, -0.012508867308497429, 0.01942433789372444, 0.056021127849817276, -0.012973773293197155, -0.009392546489834785, 0.013642074540257454, 0.03065471537411213, 0.026005659252405167, -0.03666943311691284, -0.021254904568195343, 0.02022339589893818, 0.019845658913254738, -0.012167451903223991, -0.008622546680271626, -0.002420778153464198, 0.003377830144017935, -0.019032074138522148, -0.02740037627518177, -0.003908113110810518, -0.011884150095283985, -0.03202037513256073, 0.00829565990716219, 0.0015172994462773204, -0.017492074519395828, 0.011368395760655403, -0.014804339036345482, 0.008993018418550491, -0.002084811218082905, 0.014935093931853771, -0.0075256600975990295, -0.002219198038801551, -0.016576791182160378, -0.010627452284097672, 0.016039244830608368, -0.010779999196529388, 0.01252339594066143, -0.00835377350449562, -0.025831319391727448, 0.007867075502872467, 0.017216036096215248, 0.01092528272420168, 0.01659131981432438, 0.01587943360209465, 0.022184716537594795, 0.02212660200893879, -0.0002828478754963726, -0.01506584882736206, -0.00494325440376997, 0.004550990182906389, -0.009436131455004215, -0.022751320153474808, 0.005313726142048836, 0.02539546974003315, 0.0038100469391793013, -0.03835471346974373, -0.006733867805451155, -0.01641697995364666, 0.0021574527490884066, 0.0035231129731982946, 0.01333698071539402, -0.020107168704271317, -0.0426260344684124, 0.004162358120083809, 0.003303372533991933, 0.010351414792239666, -0.005513490177690983, 0.027255093678832054, -0.04887320473790169, -0.0235794335603714, -0.0028112262953072786, 0.012465282343327999, -0.02124037593603134, 0.0008726061205379665, 0.017041698098182678, -0.009087452664971352, -0.0005375471664592624, 0.01343141496181488, -0.022635092958807945, -0.0019994573667645454, -0.00016594043700024486, -0.01070735789835453, 0.0061273109167814255, -0.01070009358227253, -0.02767641469836235, 0.040039997547864914, 0.013729244470596313, -0.014259527437388897, -0.01093254704028368, 0.029812073335051537, 0.016925470903515816, 0.007503867615014315, -0.01170981116592884, 0.0031435610726475716, -0.0017443042015656829, 0.00844094343483448, -0.011869622394442558, -0.02359396032989025, -0.006040141452103853, 0.024639999493956566, -0.003288844134658575, 0.025235658511519432, -0.023884527385234833, 0.02911471575498581, 0.00028761496650986373, 0.00494688656181097, 0.010968867689371109, 0.011404716409742832, -0.02459641359746456, -0.021182263270020485, 0.006065565627068281, 0.001232181559316814, -0.03155547007918358, -0.014412075281143188, -0.01502226386219263, -0.020557546988129616, 0.004619999788701534, -0.01392537634819746, -0.0029583254363387823, -0.01970037631690502, -0.021661696955561638, -0.012850282713770866, 0.012864810414612293, -0.008419150486588478, -0.002600566018372774, 0.0019068395486101508, -0.011673489585518837, -0.020615659654140472, -0.033705659210681915, -0.014949621632695198, 0.039691317826509476, -0.009428867138922215, -0.01338056568056345, -0.005074009299278259, -0.010482169687747955, 0.00542268855497241, 0.0035394574515521526, 0.030364150181412697, -0.032514337450265884, -0.006207216531038284, -0.01805867813527584, -0.007874338887631893, 0.02321622520685196, -0.028097733855247498, 0.002139292424544692, 0.011956792324781418, 0.009196414612233639, 0.0032162026036530733, -0.005273773334920406, 0.0010296934051439166, -0.0013039150508120656, 0.007369481027126312, -0.018538111820816994, 0.04181244969367981, -0.004405707120895386, 0.011215848848223686, -0.006599480751901865, -0.010445849038660526, 0.0032942923717200756, 0.0059747640043497086, 0.023637546226382256, -0.014412075281143188, 0.002664127154275775, -0.005923914723098278, 0.014651792123913765, 0.01958415098488331, -0.008114056661725044, -0.014768018387258053, 0.02766188606619835, 0.022431697696447372, -0.008019622415304184, 0.001804233412258327, -0.018712451681494713, 0.01595207490026951, -0.03707622364163399, 0.01849452778697014, -0.004242263734340668, 0.008811414241790771, 0.027371319010853767, 0.00821575429290533, -0.007699999492615461, -0.02385547012090683, -0.01570509374141693, 0.0035085848066955805, 0.03591395914554596, -0.021821508184075356, 0.011956792324781418, -0.020208867266774178, 0.02203943207859993, 0.000949787674471736, -0.0009706721175462008, 0.023099999874830246, 0.00902933906763792, 0.00175247632432729, 0.0019940093625336885, 0.005477169528603554, 0.01987471617758274, 0.002911108313128352, -0.016663961112499237, -0.013482263311743736, -0.019526036456227303, 0.015516226179897785, 0.006683018524199724, 0.013177169486880302, 0.004394811112433672, 0.026165470480918884, 0.007089810911566019, 0.007195141166448593, -0.014332168735563755, 0.010547546669840813, 0.032979242503643036, 0.006236273329705, -0.01850905641913414, -0.0005016804207116365, -0.018930377438664436, 0.026877356693148613, 0.004256792366504669, -0.0027785375714302063, 0.017288679257035255, -0.00369745260104537, 0.02895490452647209, 0.006319811102002859, 0.03082905523478985, -0.004060660023242235, -0.02395716868340969, 0.01560339517891407, 0.016344338655471802, 0.03312452509999275, 0.04253886640071869, 0.028693394735455513, -0.018843207508325577, 0.03074188530445099, -0.02710980921983719, 0.019569622352719307, -0.051110561937093735, 0.011455565690994263, 0.014993206597864628, -0.0012140211183577776, -0.01570509374141693, 0.026557734236121178, -0.01895943284034729, -0.010772735811769962, -0.032717734575271606, 0.014535565860569477, -0.0061273109167814255, 0.015748677775263786, -0.010009999386966228, 0.03283395990729332, 0.007275046780705452, -0.03277584910392761, -0.013453206978738308, 0.008099528029561043, 0.033240754157304764, -0.005469905212521553, -0.01824754662811756, -0.012145659886300564, 0.032688677310943604, -0.024974150583148003, -0.004507405683398247, -0.005582499783486128, -0.0036720281932502985, 0.00839009415358305, -0.02494509331882, -0.015835847705602646, -0.017041698098182678, 0.026993583887815475, 0.011557263322174549, 0.016620377078652382, -0.006759291980415583, 0.01967131905257702, -0.005469905212521553, -0.015370942652225494, -0.01930811256170273, 0.05253433808684349, -0.01419415045529604, -0.004049764014780521, -0.02620905451476574, 0.010431320406496525, -0.005934811197221279, -0.008273867890238762, -0.0034722639247775078, 0.007627358194440603, 0.021792452782392502, 0.0018441862193867564, -0.007122499868273735, -0.006951792165637016, 0.021806979551911354, 0.02840282954275608, -0.00021315741469152272, -0.0026169102638959885, -0.025802262127399445, -0.013591226190328598, 0.012552452273666859, 0.03326981142163277, 0.02738584764301777, -0.015283772721886635, 0.0029946460854262114, -0.0021429243497550488, -0.009239999577403069, -0.0263107530772686, 0.012821225449442863, 0.02260603755712509, 0.009828396141529083, -0.01743396185338497, -0.014143301174044609, 0.01769547164440155, 0.0181458480656147, 0.03382188454270363, 0.004006179049611092, 0.002072098897770047, -0.031264904886484146, -0.015385471284389496, 0.020455848425626755, -0.004547358490526676, -0.027327734977006912, 0.009821131825447083, 0.021937735378742218, -0.01151367835700512, 0.0018015094101428986, 0.02731320634484291, -0.006519575137645006, 0.004667216911911964, -0.019976414740085602, -0.009494245052337646, 0.0032198347616940737, 0.020092640072107315, 0.015123961493372917, -0.007714528124779463, 0.037773583084344864, 0.019003018736839294, 0.016823772341012955, 0.02049943245947361, -0.012283679097890854, 0.010402264073491096, 0.0037301413249224424, 0.0008008726290427148, 0.005063112825155258, 0.005618820432573557, -0.008005093783140182, 0.003951698075979948, 0.02831565961241722, -0.02402980998158455, -0.019903773441910744, 0.0235794335603714, -0.006163632031530142, -0.022024905309081078, 0.003563065780326724, -0.010685565881431103, 0.013053678907454014, -0.015211131423711777, -0.012748584151268005, 0.0018668867414817214, -0.031148677691817284, 0.007554716430604458, 0.0017633725656196475, 0.011382924392819405, -0.005880329757928848, -0.007983301766216755, 0.0012585141230374575, -0.02947792410850525, 0.0006878242711536586, -0.016998112201690674, -0.004147829953581095, -0.006472358014434576, -0.006014716811478138, -0.027167923748493195, -0.00585127342492342, 0.005931179039180279, 0.03367660194635391, 0.02058660238981247, 0.017288679257035255, -0.025511696934700012, 0.016809243708848953, -0.02232999913394451, -0.011092358268797398, -0.0009770282777026296, -0.019569622352719307, -0.00273132068105042, -0.015588867478072643, -0.005880329757928848, -0.007874338887631893, -0.002658679150044918, -0.025061320513486862, 0.0017007192363962531, -0.001151367905549705, -0.006457829847931862, -0.0005520754493772984, 0.01598113216459751, 0.0027821697294712067, 0.016446037217974663, 0.025250187143683434, 0.007794433739036322, -0.01589396223425865, 0.019932828843593597, -0.006879150867462158, -0.016562262549996376, 0.01650414988398552, 0.02049943245947361, -0.004681745078414679, -0.008484527468681335, -0.0030237026512622833, -0.009225470945239067, -0.01804414950311184, 0.041609056293964386, -0.02668849006295204, 0.015123961493372917, -0.00369563652202487, 0.005989292170852423, 0.03486792370676994, 0.03196226432919502, 0.0020775471348315477, -0.00494688656181097, -0.018581697717308998, -0.011056037619709969, -0.01080179214477539, 0.024015281349420547, 0.0037628300487995148, -0.02402980998158455, 0.018436415120959282, -0.020615659654140472, -0.01342415064573288, -0.02556980960071087, -0.0023136320523917675, -0.012574244290590286, 0.022199245169758797, 1.9309587514726445e-05, -0.010990659706294537, -0.03149735555052757, -0.0022664149291813374, -0.002500683767721057, 0.0031835141126066446, -0.039052072912454605, -0.001915919710882008, 0.005796791985630989, -0.02703716792166233, 0.0032924762926995754, 0.010605660267174244, -0.015516226179897785, -0.021022452041506767, -0.03300829976797104, 0.008448206819593906, 0.018305659294128418, 0.0029437970370054245, 0.0033814620692282915, 0.0052883015014231205, 0.0006882782909087837, -0.03646603599190712, -0.012501602992415428, -0.0011268514208495617, -0.007823490537703037, 0.02112415060400963, 0.026644904166460037, 0.022547923028469086, 0.03248528018593788, -0.002204669639468193, -0.003988018725067377, 0.01234179176390171, 0.0015009550843387842, 0.0016389739466831088, 0.0026768394745886326, 0.0007432134007103741, 0.00032688677310943604, -0.0043548583053052425, 0.04654867574572563, -0.0142813203856349, 0.02394264005124569, 0.004917829763144255, 0.013162640854716301, 0.03196226432919502, 0.012058489955961704, -0.007496603298932314, -0.004634527955204248, -0.062006790190935135, -0.005429952405393124, 0.004460188560187817, -0.008586226031184196, 0.008419150486588478, -0.02487245202064514, -0.020935282111167908, -0.009821131825447083, -0.00627985829487443, 0.0024916036054491997, -0.0017552004428580403, 0.023739244788885117, 0.00657405611127615, -0.006018348969519138, 0.03385094180703163, 0.03254339471459389, -0.029521508142352104, 0.01622811332345009, -0.02895490452647209, -0.0019467923557385802, 0.012269150465726852, -0.020572073757648468, 0.025017734616994858, -0.008876792155206203, 0.0056733014062047005, -0.0005579775897786021, 0.004710801877081394, 0.0014319457113742828, -0.031700752675533295, 0.0012648702831938863, -0.012893867678940296, -0.010271509177982807, -0.03030603565275669, -0.0213130172342062, 0.012596037238836288, -0.020528489723801613, 0.0017933371709659696, -0.006566792260855436, 0.003875424386933446, -0.037686415016651154, -0.02750207483768463, 0.02350679226219654, 0.002161084907129407, 0.04410792142152786, -0.02984113059937954, 0.0081649050116539, 0.011673489585518837, -0.017070753499865532, -0.029187357053160667, 0.029332639649510384, 0.004783443175256252, 0.008186697959899902, 0.03576867654919624, 0.03852905333042145, -0.04465999826788902, -0.023463206365704536, 0.007598301395773888, -0.01079452782869339, -0.009646791964769363, -0.05849093943834305, 0.032717734575271606, 0.037047166377305984, -0.0022664149291813374, -0.02286754548549652, -0.020819054916501045, -0.027414904907345772, 0.03867433965206146, 0.013315187767148018, 0.0014001650270074606, 0.000824027112685144, -0.01670754700899124, -0.002457099035382271, 0.02395716868340969, -0.008455471135675907, 0.04120226204395294, 0.005153914913535118, -0.011978584341704845, 0.010293301194906235, -0.008041414432227612, -0.01156452763825655, 0.029056603088974953, -0.020092640072107315, 0.049309056252241135, -0.007845282554626465, -0.010322358459234238, 0.030538490042090416, -0.003846367821097374, 0.019540565088391304, -0.008833207190036774, 0.014513772912323475, 0.03844188526272774, -0.03245622664690018, 0.0024316743947565556, -0.012029433622956276, 0.00010964327520923689, 0.01987471617758274, 0.003733773482963443, -0.01968584768474102, -0.007910660468041897, -0.017375849187374115, -0.0020448584109544754, 0.012181980535387993, -0.011106885969638824, 0.034693583846092224, 0.01977301761507988, -0.007663678843528032, -0.006988112814724445, -0.02947792410850525, -0.0039008487947285175, 0.0010950707364827394, -0.04768188297748566, -0.01243622601032257, -0.01640245132148266, -0.023477734997868538, 0.012479810975492, 0.00047943394747562706, -0.03553622588515282, 0.011281225830316544, 0.021196791902184486, -0.008775093592703342, 0.018915848806500435, 0.03600113093852997, 0.015080376528203487, -0.04596754536032677, -0.013300660066306591, -0.009988207370042801, -0.011034244671463966, 0.018073206767439842, -0.026819244027137756, -0.04646150767803192, -0.018189433962106705, -0.012349056079983711, 0.021705282852053642, 0.014499244280159473, -0.011891414411365986, -0.00700990529730916, 0.0016716626705601811, 0.019656792283058167, -0.0014210494700819254, -0.02186509408056736, 0.047216977924108505, -0.009690376929938793, -0.0001171344265458174, 0.026891885325312614, -0.01078726351261139, 0.02520660310983658, -0.018538111820816994, -0.004536462016403675, -0.01868339627981186, -0.04518301784992218, -0.005168443080037832, -0.0050885374657809734, 0.006719339173287153, 0.006501414813101292, 0.004768915008753538, -0.013816414400935173, 0.005745943170040846, -0.024102451279759407, 0.025017734616994858, -0.0017960612894967198, -0.020702829584479332, 0.026063771918416023, -0.007794433739036322, -0.02649962157011032, -0.0033015564549714327, -0.02212660200893879, -0.003817311255261302, 0.008949433453381062, 0.01598113216459751, -0.02593301795423031, -0.01804414950311184, 0.016010187566280365, 0.04370113089680672, 0.022155659273266792, -0.012007640674710274, -0.02368113026022911, -0.002604197943583131, -0.05523660033941269, -0.019540565088391304, -0.010990659706294537, 0.0005357310874387622, 0.00714066019281745, 0.008331980556249619, -0.008615282364189625, 0.02248981036245823, -0.020470377057790756, -0.012843018397688866, -0.009486980736255646, -0.010002735070884228, -0.011005188338458538, 0.01823301799595356, 0.009428867138922215, 0.011099622584879398, -0.04890226200222969, 0.020005470141768456, -0.004006179049611092, 0.027531130239367485, -0.0099809430539608, 0.02185056544840336, -0.005495329853147268, -0.010554810985922813, 0.0029347168747335672, 0.004365754313766956, 0.0011014267802238464, -0.0028239386156201363, -0.009922829456627369, -0.04210301861166954, -0.004921461921185255, 0.008135848678648472, -0.008041414432227612, -0.01878509297966957, 0.0017170635983347893, -0.0028475469443947077, -0.015051320195198059, -0.011150470934808254, -0.007271414622664452, -0.026194527745246887, 0.023172641173005104, -0.022809432819485664, 0.019802074879407883, -0.00021701649529859424, 0.005753207486122847, 0.05471358075737953, -0.0055788676254451275, 0.012152924202382565, 0.007750848773866892, -0.005698726046830416, -0.028969433158636093, -0.021545471623539925, 0.02232999913394451, -0.021836036816239357, 0.015327357687056065, 0.010380471125245094, 0.012741319835186005, -0.013758301734924316, -0.000927995250094682, 0.011637168936431408, -0.025991130620241165, -0.03149735555052757, 0.022736791521310806, -0.0020666508935391903, -0.007347688544541597, -0.009014811366796494, -0.006704811006784439, 0.0013093631714582443, 0.007605565711855888, 0.003123584669083357, -0.009305376559495926, -0.023070942610502243, 0.02077547088265419, 0.0026150941848754883, -0.010983395390212536, -0.01410698052495718, 0.005168443080037832, -0.0010079009225592017, 0.01930811256170273, 0.008310188539326191, 0.2078128159046173, -0.007445754483342171, 0.023652074858546257, 0.019831130281090736, 0.005934811197221279, 0.011724338866770267, 0.04346867650747299, 0.008811414241790771, 0.018843207508325577, 0.0007109787547960877, 0.002440754557028413, 0.011891414411365986, -0.029245469719171524, -0.0066503300331532955, 0.039139244705438614, -0.006955424323678017, -0.04910565912723541, -0.032165657728910446, -0.03085811249911785, 0.004093348979949951, -0.009283584542572498, -0.01078726351261139, -0.008687924593687057, -0.020266979932785034, 0.011135943233966827, -0.01897396147251129, -0.01786980964243412, -0.0149641502648592, 0.018654339015483856, -0.0008144928724505007, -0.02593301795423031, -0.007743584457784891, 0.032165657728910446, -0.0033905422315001488, 0.0015917570563033223, -0.01256698090583086, 0.022911131381988525, 0.006900942884385586, 0.003058207454159856, 0.02413150854408741, 0.0009970046812668443, -0.03239811211824417, 0.007561980746686459, 0.017375849187374115, 0.006897311192005873, 0.0099809430539608, -0.003653867868706584, 0.029957357794046402, -0.0071987733244895935, -0.008746037259697914, -0.02366660349071026, -0.006410612724721432, 0.02694999799132347, 0.034693583846092224, -0.02722603641450405, -0.008825942873954773, -0.009574150666594505, 0.02622358314692974, 0.004336697980761528, 0.003644787473604083, -0.039429809898138046, 0.015182075090706348, 0.027778111398220062, 0.011259433813393116, -0.007917923852801323, 0.021254904568195343, -0.03120679035782814, 0.01324254646897316, 0.0038100469391793013, -0.004587311297655106, -0.0029982782434672117, -0.011048773303627968, -0.00985018815845251, 0.005237452685832977, -0.040795471519231796, -0.022882074117660522, 0.034693583846092224, 0.008375565521419048, 0.00023858195345383137, 0.018625281751155853, 0.002796697895973921, 0.01878509297966957, 0.0009388914913870394, -0.008876792155206203, -0.020557546988129616, -0.04997735470533371, -0.006000188644975424, -0.007925188168883324, -0.02022339589893818, -0.01669301837682724, -0.005393631756305695, 0.004224103409796953, -0.009051132015883923, -0.004300377331674099, 0.019293583929538727, 0.017622828483581543, 0.02840282954275608, 0.011194055899977684, -0.014441131614148617, 0.002226462122052908, -0.023608488962054253, 0.054016225039958954, 0.012458018027245998, -0.0010405895300209522, -0.007794433739036322, -0.004928726237267256, -0.0010351414093747735, 0.020281508564949036, 0.02649962157011032, 0.003490424482151866, 0.0044129714369773865, -0.027618300169706345, -0.011259433813393116, -0.015472641214728355, -0.004619999788701534, 0.027356790378689766, 0.004627264104783535, -0.014978678897023201, -0.0032852122094482183, -0.01923547126352787, 0.004521933849900961, 0.003257971489802003, 0.011135943233966827, 0.026078300550580025, -0.01595207490026951, 0.015356414020061493, -0.018363771960139275, -0.004699905402958393, -0.018523583188652992, -0.018479999154806137, 0.01695452816784382, -0.03231094032526016, -0.003668396035209298, 0.004565518815070391, -0.0052846698090434074, -0.0067084431648254395, -0.021923206746578217, -0.020819054916501045, -0.010467641055583954, -0.011361131444573402, 0.019802074879407883, -0.021095093339681625, 0.015661507844924927, 0.025831319391727448, -0.009000282734632492, -0.0023445046972483397, -0.008695187978446484, 0.02340509369969368, -0.01478981040418148, -0.02411697991192341, -0.0010905306553468108, -0.033618487417697906, 0.006109150592237711, -0.01334424503147602, 0.017448490485548973, -0.013990754261612892, -0.0006900943117216229, -0.036698490381240845, -0.002346320543438196, 0.007961508817970753, -0.037976980209350586, -0.01405613124370575, 0.03393810987472534, -0.01170981116592884, 0.0022155658807605505, -0.01977301761507988, -0.18735697865486145, 0.007376744877547026, 0.03077094256877899, -0.021908678114414215, 0.020920753479003906, 0.032427169382572174, 0.02323075383901596, -3.1014518754091114e-05, -0.004997735843062401, 0.000949787674471736, 0.0022228301968425512, 0.012058489955961704, -0.004532829858362675, -0.004594575148075819, -0.0029456131160259247, -0.001745212241075933, 0.005241084843873978, 0.007187876850366592, 0.013504056259989738, 0.010961603373289108, 0.008804150857031345, -0.034141506999731064, 0.005989292170852423, 0.03608829900622368, -0.00987924449145794, 0.0024843395221978426, -0.018174905329942703, 0.0012893867678940296, -0.008484527468681335, -0.03155547007918358, -0.0024334904737770557, -0.02468358352780342, 0.01696905493736267, -0.0022101178765296936, 0.0015100353630259633, 0.026150941848754883, -0.010729150846600533, -0.0042604245245456696, -0.004845188464969397, 0.04611282795667648, 0.033705659210681915, 0.024886980652809143, 0.015269245021045208, 0.020746413618326187, -0.008266603574156761, 0.0021883253939449787, 0.010503961704671383, -0.018799621611833572, -0.01492056529968977, -0.011891414411365986, 0.005139386747032404, -0.007576508913189173, 0.04070829972624779, -0.008593490347266197, 0.005186603404581547, 0.020252451300621033, 0.016998112201690674, 0.006969952490180731, 0.020935282111167908, -0.023259811103343964, -0.014688112773001194, -0.013700188137590885, 0.030799997970461845, -0.010983395390212536, 0.00041042451630346477, -0.033879999071359634, -0.021705282852053642, 0.013307924382388592, -0.017811696976423264, -0.003149009309709072, -0.018363771960139275, -0.013395093381404877, 0.016620377078652382, 0.005317358300089836, 0.014455659314990044, 0.027778111398220062, 0.021095093339681625, -0.0038100469391793013, -0.011135943233966827, 0.004525566007941961, -0.012632357887923717, 0.05070377141237259, 0.014542829245328903, -0.0014428419526666403, 0.0007881603669375181, -0.01596660353243351, -0.020208867266774178, -0.018886791542172432, 0.015225660055875778, 0.006806509103626013, -0.0035394574515521526, -0.01975848898291588, 0.012160188518464565, -0.02830113098025322, 0.03001547046005726, -0.0076782070100307465, 0.005517122335731983, -0.012363584712147713, 0.015298301354050636, -0.008244810625910759, -0.0060691977851092815, -0.0037446697242558002, -0.018901320174336433, -0.007373112719506025, 0.04056301712989807, 0.0034559196792542934, -0.005063112825155258, 0.007561980746686459, 0.021530942991375923, -0.009792075492441654, 0.0061599998734891415, 0.008266603574156761, 0.02511943317949772, 0.007801697589457035, 0.007612830027937889, 0.03138113021850586, 0.004474716726690531, -0.01500773523002863, 0.019831130281090736, -0.002822122536599636, 0.04942528158426285, 0.008673395961523056, -0.04596754536032677, -0.02078999951481819, -0.00753292441368103, 0.007176980841904879, -0.11634263396263123, -0.003415966872125864, 0.022184716537594795, 0.031613584607839584, -0.0480886772274971, 0.010358679108321667, -0.014542829245328903, 0.01011169794946909, -0.012407169677317142, 0.048321131616830826, -0.01401981059461832, -0.025453584268689156, -0.0003262057725805789, 0.018276603892445564, -0.0023408725392073393, -0.008637075312435627, 0.006174528039991856, -0.021748866885900497, 3.0333503673318774e-05, 0.02048490382730961, 0.009595942683517933, -0.01255971658974886, -0.029724905267357826, 0.001952240476384759, 0.011717074550688267, 0.004057028330862522, -0.028606224805116653, 0.01970037631690502, 0.015458112582564354, 0.014891508966684341, 0.002279127249494195, -0.01423773542046547, 0.010482169687747955, -0.030160753056406975, -0.012959244661033154, -0.016823772341012955, -0.010634716600179672, 0.010874433442950249, 0.03196226432919502, -0.035158488899469376, 0.00987924449145794, 0.011767923831939697, 0.009261791594326496, -0.002896580146625638, -0.009617735631763935, -0.005913018714636564, -0.01670754700899124, 0.03521660342812538, -0.015196602791547775, -0.009733961895108223, -0.007685471326112747, -0.025526225566864014, -0.012450753711163998, -0.004423867911100388, 0.020659243687987328, -0.015748677775263786, -0.001448290073312819, 0.01392537634819746, -0.022722262889146805, 0.007358584553003311, -0.01061292365193367, 0.0017506602453067899, -0.029957357794046402, 0.011731603182852268, 0.02077547088265419, 0.012777640484273434, -0.02866433747112751, -0.018814150243997574, 0.005186603404581547, -0.002273679245263338, -0.014935093931853771, 0.02260603755712509, -0.00675566028803587, 0.014506508596241474, -0.04346867650747299, -0.005862169433385134, -0.019467923790216446, -0.02648509293794632, 0.005971131846308708, -0.0004040683852508664, -0.018523583188652992, -0.024727169424295425, 0.005008631851524115, -0.02041226252913475, 0.01640245132148266, -0.009763018228113651, -0.016489621251821518, 0.007576508913189173, 0.010256980545818806, -0.03643697872757912, 0.018073206767439842, -0.0010796344140544534, 0.007845282554626465, -0.01165896188467741, 0.0020484905689954758, 0.030538490042090416, -0.009407075121998787, -0.001848726300522685, 0.01401254627853632, -0.004485613200813532, -0.042771317064762115, 0.004845188464969397, -0.06688830256462097, 0.01577773503959179, 0.0034867923241108656, -0.008411886170506477, 0.004336697980761528, -0.031148677691817284, 0.010496697388589382, 0.01885773427784443, -0.01670754700899124, 0.009654056280851364, -0.030887167900800705, 0.0012485259212553501, 0.002500683767721057, -0.0028766037430614233, -0.0053573111072182655, -0.0042495280504226685, 0.0069990092888474464, -0.009864716790616512, 0.020557546988129616, 0.02366660349071026, -0.0035104008857160807, 0.0019195517525076866, 0.02713886648416519, 0.025642450898885727, 0.0037591978907585144, -0.012022169306874275, -0.01183330174535513, 0.016082828864455223, -0.0011223112232983112, 0.01406339555978775, 0.02167622558772564, -0.03757018595933914, -0.003795518772676587, 0.010184339247643948, -0.004652688279747963, -0.02484339475631714, 0.003688372438773513, 0.005208395887166262, 0.011099622584879398, 0.0217633955180645, -0.048960376530885696, -0.02747301757335663, -0.012327264063060284, -0.005982027854770422, -0.01686735823750496, 0.023710187524557114, 0.026543205603957176, 0.0049904715269804, -0.009581414982676506, -0.001796969212591648, 0.051110561937093735, 0.0049033015966415405, 0.004532829858362675, -0.06979396194219589, -0.0092981131747365, 0.009871981106698513, 0.01651867851614952, -0.012109339237213135, 0.007398537360131741, -0.016126414760947227, 0.04654867574572563, 0.016271697357296944, 0.039952829480171204, 0.018654339015483856, 0.013119055889546871, -0.011855093762278557, -0.00705712242051959, -0.007816226221621037, -0.011455565690994263, -0.03196226432919502, -0.00777990510687232, 0.004590942990034819, 0.004975943360477686, 0.01733226329088211, 0.010874433442950249, -0.0005584315513260663, -0.009770282544195652, 0.007910660468041897, -0.029986413195729256, 0.01650414988398552, 0.031061507761478424, -0.020281508564949036, -0.0008503596181981266, 0.010692829266190529, 0.02719697915017605, -8.336747850989923e-05, -0.008738772943615913, 0.007772641256451607, 0.0025152121670544147, 0.021298490464687347, -0.005411792080849409, 0.01868339627981186, 0.009922829456627369, 0.002362665021792054, 0.0059747640043497086, 0.02167622558772564, -0.02957962080836296, 0.008651603013277054, 0.027167923748493195, 0.025831319391727448, -0.009189150296151638, 0.006570424418896437, -0.006098254583775997, -0.021007923409342766, -0.0213275458663702, 0.00020419072825461626, -0.018538111820816994, 0.005233820527791977, -0.005241084843873978, -0.007663678843528032, 0.02094981074333191, -0.005393631756305695, 0.011085093952715397, 0.01419415045529604, -0.01897396147251129, -0.0013638442615047097, 0.01587943360209465, -0.0326305627822876, -0.03419962152838707, 0.0426550917327404, -0.010939810425043106, 0.013351508416235447, 0.025003205984830856, 0.010162546299397945, 0.03056754544377327, 0.019903773441910744, 0.017913395538926125, -0.018189433962106705, 0.0217633955180645, -0.03710528090596199, 0.0030237026512622833, -0.0019340801518410444, -0.013961697928607464, -0.0008408254361711442, -0.011310282163321972, -0.019627735018730164, 0.009087452664971352, -0.017172452062368393, -0.014070659875869751, 0.09315546602010727, 0.04434037581086159, -0.00916009396314621, 0.0008144928724505007, -0.01877056434750557, 0.0056733014062047005, 0.021080564707517624, -0.023274337872862816, -0.014179621823132038, -0.044863395392894745, -0.003911745268851519, -0.009704905562102795, 0.0059057543985545635, -0.031061507761478424, -0.0040279715321958065, -0.012741319835186005, -0.021937735378742218, 0.015835847705602646, -0.008716980926692486, 0.012639622204005718, 0.013119055889546871, 0.022649621590971947, 0.034693583846092224, 0.016751131042838097, -0.02195226401090622, -0.015196602791547775, 0.01598113216459751, -0.012704999186098576, 0.033618487417697906, -0.044311318546533585, 0.01160811260342598, 0.00910924468189478, -0.03422867879271507, -0.022271886467933655, -0.018886791542172432, -0.0001054436870617792, -0.011717074550688267, 0.002843915019184351, 0.03219471499323845, 0.015399998985230923, 0.002582405460998416, 0.0032852122094482183, 0.003773726290091872, 0.00017797168402466923, -0.003252523485571146, -0.0009606839157640934, -0.028548112139105797, -0.013184433802962303, -0.028330188244581223], metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='25f116c1-a2c2-4e7e-962a-03dfb10f692c', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='e1663cfd3111fed6dbd50273ea61332f334365a4c919ba5ce45d3bf80b117d82'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='3cf659af-f281-41a5-809d-edbf54df58fa', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='fb616510d1ae94278e654db3bc24b44e98539633164cac497fca6a6916d6cb2c'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='662fadd5-2b76-4e69-9af6-b811ae9b9d76', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='3236fe12a2d7914bc719666a8449ddbdf1366959993b519a71e15f08f06cebbf')}, hash='3afe5c10b3b9b7ebbc2dc2eab134d86279e157bf5dbe6884d528fcc24c2ee214', text='3 for data on 10M random d =4 vectors). In addition, the plot demonstrates a massive speedup on low dimensional data when increasing the mL from zero and the effect of using the heurist ic for select ion of the graph connections . It is hard to expect the same behavior for high dime nsional data since in this case the k-NN graph already has Algorithm 4 SELECT-NEIGHBORS-HEURISTIC( q, C, M, lc, extendCandidates, kee pPrunedConnections ) Input: base element q, candidate elements C, number of neighbors to return M, layer number lc, flag indicating whether or not to extend candidate list extendCandidates , flag indicating whether or not to add discarded elements keepPrunedConnections Output: M elements selected by the heuristic 1 R ← ∅ 2 W ← C // working queue for the candidates 3 if extendCandidates // extend candidates by their neighbors 4 for each e ∈ C 5 for each eadj ∈ neighbourhood (e) at layer l c 6 if eadj ∉ W 7 W ← W ⋃ eadj 8 Wd ← ∅ // queue for the discarded candidates 9 while │W│ > 0 and │R│< M 10 e ← extract nearest element from W to q 11 if e is closer to q compared to any element from R 12 R ← R ⋃ e 13 else 14 Wd ← Wd ⋃ e 15 if keepPrunedConnections // add some of the discarded // connections from Wd 16 while │Wd│> 0 and │R│< M 17 R ← R ⋃ extract nearest element from Wd to q 18 return R ', start_char_idx=4280, end_char_idx=5597, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
438
       " TextNode(id_='662fadd5-2b76-4e69-9af6-b811ae9b9d76', embedding=[-0.01618100143969059, 0.037960369139909744, 0.011161034926772118, -0.018665991723537445, 0.004548674914985895, 0.015709709376096725, 0.006330298725515604, -0.0036917817778885365, -0.044701263308525085, -0.05846868082880974, -0.0005105655873194337, 0.015609738416969776, 0.0016129229916259646, 0.018466049805283546, -0.009954242967069149, 0.012746287509799004, 0.01795191317796707, 0.002231492893770337, 0.02097960375249386, -0.011011078022420406, -0.02110813744366169, 0.010875403881072998, -0.019065875560045242, -0.03581813722848892, 0.010961093008518219, 0.03481842949986458, 0.011061063967645168, -0.010496942326426506, -0.011468088254332542, -0.005498398561030626, 0.02160799130797386, -0.015081320889294147, -0.0080048106610775, 0.01655232161283493, -0.015781117603182793, 0.009847131557762623, 0.025321194902062416, -0.017423495650291443, 0.02053687535226345, -0.0021440184209495783, 0.011582340113818645, -0.001490637194365263, -0.006823012605309486, -0.005601939745247364, -0.006798019632697105, 0.0011862615356221795, 0.008040514774620533, -0.022350631654262543, 0.002267196774482727, 0.02669222466647625, 0.012917665764689445, 0.029420001432299614, -0.013396097347140312, 0.01388167031109333, -0.010882544331252575, -1.3409877283265814e-05, 0.013353252783417702, 0.00552339106798172, 0.0009988162200897932, -0.014195865020155907, 0.01361032109707594, -9.283010149374604e-05, -0.033247459679841995, 0.027177797630429268, -0.0011389539577066898, -0.035304002463817596, -0.02242203988134861, 0.0018333945190533996, 0.015095602720975876, -0.007247888948768377, 0.005655495449900627, 0.03641796484589577, -0.02426435984671116, -0.003738196799531579, 0.03741767257452011, -0.009768582880496979, -0.0025331906508654356, 0.011268146336078644, -0.008319005370140076, 0.011246724054217339, 0.011725155636668205, -0.03359021618962288, 0.007058658171445131, 0.02452142909169197, 0.005055670160800219, 0.02082250639796257, 0.018180418759584427, 0.02073681727051735, -0.030048390850424767, 0.009375840425491333, 0.044329944998025894, 0.015552612021565437, 0.03627514839172363, -0.025521136820316315, 0.004845017101615667, -0.006026815623044968, -0.015638301149010658, -0.015009913593530655, 0.018865933641791344, -0.010154184885323048, -0.024692807346582413, -0.005348442122340202, -0.021408049389719963, -0.011696592904627323, -0.0006864072056487203, -0.00490928441286087, -0.021665116772055626, -0.002083321800455451, -0.014345820993185043, 0.013753136619925499, 0.002429649466648698, 0.01852317526936531, -0.02172224409878254, -0.0066016484051942825, -0.008476102724671364, -0.02110813744366169, 0.029705632477998734, -0.013646025210618973, -0.0037274856586009264, -0.015638301149010658, 0.029148651286959648, -0.0027527695056051016, 0.01946575753390789, -0.00697296904399991, 0.023878758773207664, 0.020422622561454773, 0.0015325893182307482, -0.02476421557366848, -0.026792194694280624, -0.030248330906033516, 0.03510405868291855, 0.02439289540052414, 0.01626669056713581, 0.016538038849830627, -0.028934428468346596, 0.032990388572216034, 0.006723041646182537, -0.03347596153616905, -0.039017204195261, -0.02574964240193367, 0.015152729116380215, 0.03741767257452011, -0.0010577276116237044, -0.007940543815493584, -0.009025942534208298, 0.03624658286571503, 0.0015593671705573797, 0.020394058898091316, 0.004041679669171572, -0.033333148807287216, -0.010339844971895218, -0.0162238460034132, -0.007512097712606192, 0.03624658286571503, 0.01293908804655075, 0.008647480979561806, -0.016937922686338425, 0.007201473694294691, -0.026192370802164078, -0.03853163123130798, -0.00854036957025528, 0.019208690151572227, -0.00206368463113904, -0.006255320739001036, 0.014217287302017212, 0.022593418136239052, -0.002800969872623682, -0.004405859392136335, -0.01630953513085842, -0.021993594244122505, 0.0008983990410342813, 0.02829175814986229, -0.033076077699661255, 0.017380651086568832, 0.012682019732892513, -0.005805451888591051, 0.034475672990083694, 0.012974792160093784, -0.02255057357251644, -0.018837369978427887, -0.004762898199260235, 0.015238418243825436, 0.004338021855801344, 0.023635972291231155, -0.009033082984387875, 0.002390375128015876, 0.028191788122057915, 0.0034739880356937647, 0.001823575934395194, -0.02759196236729622, 0.012596330605447292, 0.0002410012239124626, -0.010211311280727386, -0.010254155844449997, -0.6087369918823242, -0.01123244222253561, 0.016238126903772354, -0.026992136612534523, -0.008561791852116585, 0.006244609598070383, 0.008604636415839195, 0.02435004897415638, 0.006798019632697105, 0.029762757942080498, -0.027463428676128387, 0.004895002581179142, -0.00401311693713069, -0.012574908323585987, -0.012839117087423801, -0.012746287509799004, -0.005091374274343252, -0.024821341037750244, 0.011068204417824745, 0.008990238420665264, -0.027606243267655373, 0.01852317526936531, -0.004470126237720251, -0.0013344327453523874, -0.0007493352750316262, -0.0014611815568059683, 0.025264069437980652, -0.03273332118988037, -0.003959560766816139, 0.013496068306267262, -0.02196503058075905, 0.009561500512063503, 0.00659093726426363, 0.01930866204202175, 0.0496998094022274, -0.026178088039159775, -0.00821189396083355, 0.010746869258582592, 0.03930283710360527, 0.021665116772055626, -0.03590382635593414, -0.02275051549077034, -0.0006190161220729351, -0.00013143492105882615, -0.015752553939819336, 0.00039899093098938465, 0.016666574403643608, -0.0015138447051867843, -0.011325272731482983, -0.04013116657733917, -0.00538057554513216, 0.004416570533066988, -0.016723699867725372, -0.006901560816913843, -0.0014317258028313518, -0.009354418143630028, 0.0209510400891304, -0.027406303212046623, 0.016895078122615814, -0.00041550397872924805, 0.009504374116659164, -0.018708836287260056, -0.011967942118644714, -0.02200787514448166, -0.017709126695990562, 0.012839117087423801, -0.014060189947485924, -0.0026242355816066265, -0.0065623740665614605, -0.007897699251770973, 0.018494613468647003, 0.026249496266245842, 0.0038595900405198336, 0.005448413081467152, 0.00946867000311613, 0.027691934257745743, 0.020665409043431282, 0.013788840733468533, -0.007769165560603142, -0.0046486458741128445, 0.006266031879931688, 0.002983059734106064, -0.011896534822881222, 0.003927427344024181, 0.022636262699961662, 0.0006864072056487203, -0.03630371019244194, 0.0018548168009147048, -0.020222680643200874, 0.0033793726470321417, 0.005705480929464102, -0.008568932302296162, -0.02196503058075905, -0.045358214527368546, 0.009725738316774368, 0.011261005885899067, -0.0005083340802229941, 0.003331172512844205, 0.019108720123767853, -0.05104227364063263, -0.032990388572216034, -0.014481496065855026, 0.004109517205506563, -0.016566602513194084, 0.01758059300482273, 0.012539204210042953, -0.010182748548686504, 0.006980109494179487, 0.015609738416969776, -0.024621399119496346, 0.011960801668465137, -0.0020672548562288284, -0.009354418143630028, 0.0004565634299069643, 0.005598369054496288, -0.021465176716446877, 0.03350452706217766, 0.0061624906957149506, -0.011168175376951694, -0.015881087630987167, 0.021550865843892097, 0.007272881455719471, 0.024707088246941566, -0.005901852156966925, -0.001953002531081438, -0.0016655862564221025, 0.007212184835225344, -0.012446374632418156, -0.019165845587849617, -0.007733461447060108, -0.0005266322987154126, -0.014867098070681095, 0.021950747817754745, -0.01909443736076355, 0.027906157076358795, -0.0036739297211170197, 0.015181291848421097, 0.005159211345016956, 0.0020690402016043663, -0.024607118219137192, -0.029762757942080498, 0.01010419987142086, 0.008197612129151821, -0.04335879907011986, -0.010189888998866081, -0.008897407911717892, -0.009682893753051758, 0.019522884860634804, -0.008468961343169212, -0.010975373908877373, -0.008704607374966145, -0.006698048673570156, -0.006430269684642553, 0.009968524798750877, -0.0201227106153965, 0.0014826038386672735, -0.006719471421092749, -0.01856601983308792, -0.016952205449342728, -0.022579137235879898, -0.007347859442234039, 0.03750336170196533, -0.011675170622766018, -0.009233024902641773, -0.008390412665903568, -0.01629525236785412, 0.01090396661311388, 0.00023720768513157964, 0.015481204725801945, -0.039531342685222626, -0.0027474139351397753, -0.03758905082941055, 0.002286833943799138, 0.016038184985518456, -0.019280098378658295, 0.0034186469856649637, 0.005623362027108669, 0.00552339106798172, 0.001638808287680149, -0.01696648634970188, -0.0013139030197635293, 0.005055670160800219, 0.004620082676410675, -0.007769165560603142, 0.04655786603689194, 0.0033043946605175734, 0.0184803307056427, -0.014131598174571991, -0.0059589785523712635, -0.0008662655018270016, 0.009490092284977436, 0.011839408427476883, -0.019737107679247856, 0.0009559715399518609, -0.012881961651146412, 0.003077674889937043, 0.0029027259442955256, -0.012817694805562496, -0.02430720441043377, 0.028962992131710052, 0.010625476017594337, -0.005109225865453482, 0.010232733562588692, -0.017194991931319237, 0.022307787090539932, -0.028477419167757034, 0.019023030996322632, -0.010953951627016068, 0.006430269684642553, 0.018166135996580124, 0.0086260586977005, -0.004559386055916548, -0.011346695013344288, -0.018408922478556633, 0.01289624348282814, 0.02936287596821785, -0.015781117603182793, 0.005187774542719126, -0.0197085440158844, 0.021493738517165184, 0.008476102724671364, 0.01213217992335558, 0.035304002463817596, 0.008083359338343143, 0.011689452454447746, 0.008383272215723991, 0.008961675688624382, 0.019437195733189583, 0.00452725263312459, -0.014588607475161552, -0.018551738932728767, -0.013074763119220734, 0.009147335775196552, 0.009861413389444351, 0.017609156668186188, 0.021793652325868607, 0.03281901031732559, 0.006648063659667969, 0.013967360369861126, -0.011710874736309052, 0.015552612021565437, 0.024735651910305023, 0.005391286686062813, -0.015167010948061943, 0.00519491545855999, -0.010754010640084743, 0.03516118600964546, 0.008933112025260925, 0.0033240318298339844, 0.02200787514448166, 0.010418393649160862, 0.02419295348227024, 0.008197612129151821, 0.02430720441043377, 0.005387716460973024, -0.013817403465509415, 0.014967069029808044, 0.009975665248930454, 0.03556106984615326, 0.041502196341753006, 0.020936759188771248, -0.01889449544250965, 0.025149816647171974, -0.018408922478556633, 0.006701619364321232, -0.04575809836387634, 0.012474937364459038, 0.026906447485089302, 0.010811136104166508, -0.014681437984108925, 0.01966569945216179, -0.006969398353248835, 0.0013737069675698876, -0.027277767658233643, 0.011582340113818645, 0.0006761423428542912, 0.026520846411585808, -0.0077477432787418365, 0.029334312304854393, 0.011118190363049507, -0.04241621494293213, -0.017637718468904495, 0.010418393649160862, 0.023850195109844208, -0.006394566036760807, -0.0164237879216671, -0.006458832882344723, 0.023835914209485054, -0.012396388687193394, -0.005426990799605846, -0.0063588619232177734, -0.0023118266835808754, -0.010275578126311302, -0.026092398911714554, -0.007976247929036617, -0.012831976637244225, 0.027463428676128387, 0.0017887646099552512, 0.006458832882344723, 0.0006234790780581534, 0.012596330605447292, 0.0019119430799037218, -0.00506995152682066, -0.015838243067264557, 0.042816098779439926, -0.014981349930167198, -0.018908778205513954, -0.025978146120905876, -0.0027081395965069532, -0.011975083500146866, -0.007533519994467497, -0.014474354684352875, -0.001307654776610434, 0.022579137235879898, 0.004098806064575911, 0.002909866627305746, 0.00017416801711078733, 0.0213509239256382, 0.03199068084359169, 0.006947976071387529, -0.005244900938123465, -0.02612096257507801, 0.0010380904423072934, 0.013010496273636818, 0.0285488273948431, 0.028891583904623985, -0.018166135996580124, -0.0029116517398506403, -0.010318422690033913, -0.00844039861112833, -0.02599242888391018, 0.0016718343831598759, 0.016366660594940186, 0.015266980975866318, -0.022493448108434677, -0.011653748340904713, 0.018051885068416595, 0.020094146952033043, 0.03601808100938797, 0.004452274646610022, 0.006351721007376909, -0.02822035178542137, -0.0037846118211746216, 0.027791904285550117, -0.00498069217428565, -0.024778496474027634, 0.00928300991654396, 0.030419711023569107, -0.0051663522608578205, 0.0034543508663773537, 0.01987992413341999, -0.009804286994040012, 0.005562665406614542, -0.02682075835764408, -0.001048801583237946, 0.022322069853544235, 0.02365025319159031, 0.01975138857960701, -0.007911981083452702, 0.0117037333548069, 0.022893331944942474, 0.009083067998290062, 0.011589481495320797, -0.024535709992051125, 0.025164097547531128, 0.0017030753660947084, 0.0004041233623865992, 0.018508894369006157, 0.01256776787340641, -0.01427441369742155, 0.005634073168039322, 0.030562525615096092, -0.02550685591995716, -0.01341037917882204, 0.03276188671588898, -0.018037602305412292, -0.011289568617939949, -0.0002239302993984893, -0.014981349930167198, -0.0007417481974698603, -0.016852233558893204, -0.006987250410020351, -0.007376422639936209, -0.03707491606473923, -0.009968524798750877, -0.016780825331807137, 0.019894205033779144, 0.001897661481052637, -0.012574908323585987, -0.012267854996025562, -0.029305748641490936, -6.733529880875722e-05, -0.02886302024126053, -0.007662053685635328, -2.0989979020669125e-05, -0.005398427601903677, -0.046300798654556274, -0.009825709275901318, 0.008019092492759228, 0.03187642991542816, 0.008333287201821804, 0.019694263115525246, -0.019851360470056534, 0.016280971467494965, -0.026906447485089302, -0.006965828128159046, 0.0006654311437159777, -0.015466922894120216, -0.0016325601609423757, -0.010782573372125626, 0.000993460649624467, -0.005327019840478897, -0.01266773883253336, -0.033333148807287216, -0.0006056271377019584, -0.00265458389185369, 0.00048468023305758834, 0.0005502861458808184, 0.019251534715294838, -0.005837585311383009, 0.006076801102608442, 0.025935301557183266, 0.013010496273636818, -0.019165845587849617, 0.01630953513085842, 0.00710507296025753, -0.016123874112963676, 0.0040059760212898254, 0.024321487173438072, 0.004752187058329582, 0.0025081979110836983, -0.011553777381777763, -0.007194332778453827, -0.002667080145329237, 0.020151272416114807, -0.012689161114394665, 0.018094729632139206, 0.009939962066709995, 0.013517490588128567, 0.04278753697872162, 0.024835621938109398, 0.0014826038386672735, 0.017894787713885307, -0.015152729116380215, -0.008319005370140076, -0.01598105952143669, 0.018294671550393105, 0.010825417935848236, -0.014445791952311993, 0.019537165760993958, -0.011882252991199493, -0.007497815880924463, -0.01962285488843918, -0.0029170075431466103, -0.007712039165198803, 0.01963713765144348, 0.008790296502411366, -0.018537458032369614, -0.02152230218052864, -0.016452349722385406, -0.01810901053249836, -0.002983059734106064, -0.03498980775475502, 0.0011880467645823956, 0.0019369358196854591, -0.014545762911438942, 0.005826874170452356, 0.00699082063511014, -0.011782282032072544, -0.015666864812374115, -0.03853163123130798, 0.017652001231908798, 0.00792626291513443, 0.0130390590056777, -0.018980184569954872, 0.007404985837638378, -0.01217502448707819, -0.042530469596385956, -0.016352379694581032, 0.0002499271940905601, -0.017223553732037544, 0.010725446976721287, 0.03627514839172363, 0.007215755060315132, 0.04261615872383118, -0.004416570533066988, 0.007454971317201853, 0.030819592997431755, -0.0001298728893743828, -0.005269893445074558, -0.010082777589559555, 0.009490092284977436, -0.006344580557197332, 0.005244900938123465, 0.05506967380642891, -0.012446374632418156, 0.020094146952033043, 0.02200787514448166, 0.013681729324162006, 0.031190915033221245, 0.008983097970485687, -0.014695718884468079, -0.01696648634970188, -0.0570690892636776, 0.010297000408172607, -0.007215755060315132, -0.008633199147880077, 0.012232150882482529, -0.03133372962474823, -0.023250369355082512, 0.006355291698127985, -0.006455262657254934, 0.010268437676131725, 0.006783738266676664, 0.017137864604592323, 0.003183001419529319, -0.0021618702448904514, 0.03359021618962288, 0.018508894369006157, -0.038874391466379166, 0.00928300991654396, -0.01716642826795578, -0.007790587842464447, 0.005873288959264755, -0.01014704443514347, 0.014852816238999367, 0.002265411429107189, 0.00948295183479786, -0.002574250102043152, -0.008861704729497433, -0.017637718468904495, -0.03201924264431, -0.010582631453871727, -0.008783156052231789, -0.00585186667740345, -0.02562110871076584, -0.03264763206243515, 0.009247306734323502, -0.015509767457842827, -0.0064374106004834175, 0.003033044980838895, -0.0001123556648963131, -0.0365607775747776, -0.01394593808799982, 0.023350341245532036, 0.012467796914279461, 0.045158274471759796, -0.021079573780298233, 0.014238709583878517, 0.025763923302292824, -0.018451767042279243, -0.0328475758433342, 0.01565258391201496, 0.00989711657166481, 0.00825473852455616, 0.031562235206365585, 0.032961826771497726, -0.05129934102296829, -0.022322069853544235, -0.0004895895253866911, -0.01242495235055685, 0.0012076839338988066, -0.06089654564857483, 0.040759555995464325, 0.027034981176257133, 0.01114675309509039, -0.03758905082941055, -0.006016104482114315, -0.041987769305706024, 0.024407176300883293, -0.0055947988294065, 0.010039933025836945, -0.005551954265683889, -0.010889684781432152, 0.007940543815493584, 0.031019534915685654, -0.007497815880924463, 0.03039114736020565, 0.003502551233395934, -0.011917957104742527, -0.004673638381063938, -0.0005351119907572865, -0.019037311896681786, 0.011253864504396915, -0.019394351169466972, 0.05264180898666382, -0.0040559615008533, -0.0011809059651568532, 0.016280971467494965, 0.0010711165377870202, 0.0052520413883030415, -0.0027009989134967327, 0.005898281931877136, 0.03496124595403671, -0.03030545823276043, -0.00431302934885025, -0.009804286994040012, 0.0006578440661542118, 0.009504374116659164, -0.009161616675555706, -0.011582340113818645, -0.018580302596092224, -0.011025359854102135, -0.004380866885185242, 0.023764505982398987, 0.0017798386979848146, 0.02566395327448845, 0.013853107579052448, -0.008269019424915314, -0.016252407804131508, -0.02583533152937889, 0.01123244222253561, 0.0064516919665038586, -0.060839422047138214, -0.016666574403643608, -0.009368699975311756, -0.006769456434994936, 0.007797728758305311, -0.004770039115101099, -0.036160893738269806, 0.01572399027645588, 0.017709126695990562, -0.021922186017036438, 0.015595457516610622, 0.03618945926427841, 0.010768291540443897, -0.041416507214307785, -0.004023828078061342, -0.011832267977297306, -0.018623147159814835, 0.025892456993460655, -0.017323525622487068, -0.027606243267655373, 0.004420141223818064, -0.005969689693301916, 0.0162238460034132, 0.018037602305412292, -0.009875694289803505, 0.0008787618717178702, -0.0029509260784834623, 0.012289277277886868, 0.0007537982892245054, -0.007326437160372734, 0.02857738919556141, -0.010161325335502625, -0.004366585053503513, 0.021008165553212166, -0.008790296502411366, 0.021222390234470367, -0.014795689843595028, -0.006141068413853645, -0.008597495965659618, -0.042187709361314774, -0.00938298087567091, -0.004098806064575911, 0.010682602412998676, 0.004520111717283726, 0.0032526240684092045, -0.026663661003112793, 0.0013147955760359764, -0.02467852644622326, 0.02419295348227024, 0.009718597866594791, -0.016909360885620117, 0.009068787097930908, -0.010068495757877827, -0.011810845695436, -0.004994973540306091, -0.01863742806017399, -0.006997961550951004, 0.021179545670747757, 0.004173784051090479, -0.03453279659152031, -0.007804869208484888, 0.009161616675555706, 0.0583258680999279, 0.02964850701391697, -0.008918830193579197, -0.02964850701391697, -0.0012648100964725018, -0.0607822947204113, -0.02734917588531971, -0.019194409251213074, 0.007854854688048363, -0.0030294747557491064, 0.013803121633827686, -0.008568932302296162, 0.0250498466193676, -0.01248207874596119, -0.006830153055489063, -0.014281554147601128, -0.012953369878232479, -0.011867971159517765, 0.00946867000311613, 0.013860248029232025, 0.00858321413397789, -0.047786079347133636, 0.014624311588704586, 0.0035079068038612604, 0.009725738316774368, -0.01720927283167839, 0.021536583080887794, 0.004213058389723301, -0.0015798968961462379, 0.005476975813508034, 0.005230619106441736, 0.00956864096224308, -0.004827165510505438, -0.0056197913363575935, -0.03259050473570824, -0.011875112541019917, 0.012146461755037308, -0.014338680543005466, -0.01955144852399826, 0.0062731727957725525, -0.004605801310390234, -0.009190180338919163, -0.01569542847573757, -0.008304723538458347, -0.017252117395401, 0.017652001231908798, -0.0260781180113554, 0.023393185809254646, 0.004398718476295471, 0.007612068206071854, 0.0419020801782608, -0.00459866039454937, 0.02003701962530613, 0.011368117295205593, -0.007840572856366634, -0.0213509239256382, -0.00320263858884573, 0.01810901053249836, -0.008704607374966145, 0.003738196799531579, 0.003988123964518309, 0.010361267253756523, -0.001381740323267877, 0.004680779296904802, -0.0015700783114880323, -0.02262198179960251, -0.038988642394542694, 0.017437778413295746, 0.010189888998866081, -0.019979894161224365, -0.0036739297211170197, -0.012632034718990326, 0.004787891171872616, -0.0004458522598724812, 0.015581175684928894, 0.003590025706216693, -0.013338971883058548, 0.015552612021565437, 0.0029955559875816107, -0.009697175584733486, -0.021051010116934776, 0.007990529760718346, 0.011360975913703442, -0.0054555535316467285, 0.0038238861598074436, 0.19103007018566132, 0.0028081105556339025, 0.028406010940670967, 0.022322069853544235, -0.005951837636530399, -0.004612941760569811, 0.03321889415383339, 0.0025653240736573935, 0.012167884036898613, 0.011282428167760372, -0.0032347720116376877, 0.008797436952590942, -0.02119382657110691, 0.0008118170662783086, 0.050128255039453506, -0.013317549601197243, -0.04878579080104828, -0.03553250804543495, -0.017637718468904495, -0.00011040311073884368, -0.004577238112688065, 0.002060114173218608, -0.015152729116380215, -0.02332177758216858, 0.014381525106728077, -0.024292923510074615, -0.029305748641490936, -0.01024701539427042, 0.015281262807548046, 0.0032508387230336666, -0.009839991107583046, -0.011718015186488628, 0.03150510787963867, -0.015438360162079334, -0.003000911558046937, -0.014060189947485924, 0.022193534299731255, 0.002542116679251194, 0.0014040552778169513, 0.027134953066706657, -0.017666282132267952, -0.009889976121485233, 0.012432092800736427, 0.020993884652853012, 0.015381233766674995, 0.01392451487481594, -0.011682311072945595, 0.02529263310134411, 0.00016345684707630426, 0.0017325310036540031, -0.01289624348282814, -0.024792777374386787, 0.022236380726099014, 0.021907903254032135, -0.010511224158108234, -0.00999708753079176, 0.003573958994820714, 0.009432966820895672, 0.007533519994467497, 0.0023278933949768543, -0.03170505166053772, 0.0013603180414065719, 0.015438360162079334, 0.013089044019579887, -0.01762343756854534, 0.033647339791059494, -0.033247459679841995, 0.02529263310134411, 0.0001834287104429677, 0.002706354483962059, -0.009861413389444351, -0.011182457208633423, -0.02419295348227024, 0.0018548168009147048, -0.038046061992645264, -0.01810901053249836, 0.030248330906033516, 0.010696884244680405, 0.002724206540733576, 0.03321889415383339, -0.005930415354669094, 0.006565944291651249, 0.001767342328093946, -0.0019619285594671965, -0.019065875560045242, -0.03721772879362106, -0.010354126803576946, -0.007554942276328802, -0.006355291698127985, -0.01762343756854534, -0.012474937364459038, 0.0069551169872283936, -0.01692364178597927, -0.01123244222253561, 0.009361558593809605, 0.002315396908670664, 0.03627514839172363, 0.015866806730628014, -0.014681437984108925, 0.011011078022420406, -0.017566312104463577, 0.04430137947201729, 0.009947102516889572, -3.6261757486499846e-05, -0.011882252991199493, -0.006533810868859291, 0.006872998084872961, 0.013474646024405956, 0.012796272523701191, 0.006719471421092749, 0.001195187564007938, -0.03890295326709747, -0.0051270779222249985, -0.0034382841549813747, -0.00018911901861429214, 0.0394170880317688, -0.0025206943973898888, -0.015666864812374115, 0.013203296810388565, -0.010582631453871727, 0.006933694705367088, -0.0073550003580749035, 0.00802623387426138, 0.017880504950881004, -0.014360102824866772, 0.007419267203658819, -0.013960218988358974, -0.006640922743827105, -0.018180418759584427, -0.02467852644622326, 0.012831976637244225, -0.02890586480498314, 0.004987832624465227, 0.006594507489353418, -0.00335259479470551, -0.020236961543560028, -0.021736524999141693, -0.025249788537621498, -0.014995631761848927, -0.0130390590056777, 0.018951622769236565, -0.022821923717856407, 0.0130390590056777, 0.01942291297018528, -0.006176772061735392, -0.005362723488360643, 0.0013005139771848917, 0.03430429473519325, -0.0023671675007790327, -0.016395224258303642, 0.002688502660021186, -0.03341883793473244, 0.010025651194155216, -0.007804869208484888, 0.018923059105873108, -0.014667156152427197, -0.005491257645189762, -0.04370155557990074, 0.004566526971757412, 0.009347276762127876, -0.031219476833939552, 0.00821189396083355, 0.034675613045692444, -0.002538546221330762, 0.004116658121347427, -0.00977572426199913, -0.18383216857910156, 0.006976539269089699, 0.03553250804543495, -0.03538969159126282, 0.016009621322155, 0.013910233974456787, 0.006319587584584951, -0.003948849625885487, -0.013174734078347683, -0.004066672641783953, 0.023293213918805122, 0.005876859650015831, 0.011068204417824745, -0.017052175477147102, -0.007404985837638378, 0.009825709275901318, 0.006869427394121885, 0.0047022015787661076, 0.018166135996580124, 0.012624894268810749, 0.016409505158662796, -0.03630371019244194, 0.017937632277607918, 0.023878758773207664, -0.012881961651146412, 0.0035882405936717987, -0.014345820993185043, 0.015881087630987167, -0.01782337948679924, -0.023593127727508545, 0.0067266118712723255, -0.016737980768084526, 0.010261296294629574, -0.008411834947764874, 0.013310408219695091, 0.02866307832300663, -0.007954825647175312, 0.001969069242477417, -0.005787599831819534, 0.044986896216869354, 0.03856019675731659, 0.022493448108434677, 0.017794815823435783, 0.008054796606302261, -0.017937632277607918, 0.0025117683690041304, 0.021593710407614708, -0.018837369978427887, -0.008126203902065754, -0.007490674965083599, -0.005869718734174967, 0.0010782573372125626, 0.03658934310078621, 0.0009827493922784925, 0.005669776815921068, 0.004520111717283726, 0.020351214334368706, -0.0021582997869700193, 0.021508021280169487, -0.010232733562588692, -0.01966569945216179, -0.011525214649736881, 0.021950747817754745, -0.017223553732037544, -0.00032535166246816516, -0.03321889415383339, -0.011553777381777763, 0.007326437160372734, -0.02673506923019886, -0.009975665248930454, -0.012739146128296852, 0.0018923059105873108, 0.017152147367596626, 0.0029009405989199877, 0.014224427752196789, 0.011061063967645168, 0.018880214542150497, 0.008290442638099194, -0.0024796349462121725, 0.013631743378937244, -0.012489219196140766, 0.03604664281010628, -0.0030312598682940006, -0.01402448583394289, -0.0018101870082318783, -0.016866516321897507, -0.0080048106610775, -0.011725155636668205, -0.003368661506101489, 0.013496068306267262, 0.008290442638099194, -0.019080156460404396, 0.01946575753390789, -0.0332760214805603, 0.026992136612534523, -0.011582340113818645, 0.005609080195426941, -0.006508818361908197, 0.014288694597780704, -0.007333578076213598, -0.00036551852826960385, -0.00015899386198725551, -0.027320612221956253, -0.0029473556205630302, 0.04164501279592514, 0.006530240643769503, -0.007390704471617937, -0.006355291698127985, 0.022079283371567726, -0.020636845380067825, 0.011453806422650814, 0.0013174733612686396, 0.024450020864605904, 0.0027902587316930294, -0.008454680442810059, 0.022650545462965965, 0.006648063659667969, -0.025578264147043228, 0.01996561326086521, 0.0007662946591153741, 0.04964268207550049, 0.00044451336725614965, -0.03236200287938118, -0.009390122257173061, 0.004416570533066988, 0.008597495965659618, -0.1141381785273552, -0.007983388379216194, 0.011446665972471237, 0.023478874936699867, -0.05535530298948288, 0.023236088454723358, -0.014938505366444588, 0.010268437676131725, -0.026906447485089302, 0.0464150495827198, -0.014652874320745468, -0.02279336005449295, -0.013124748133122921, 0.00975430104881525, -5.9246136515866965e-05, -0.013524631969630718, 0.022164972499012947, -0.01823754422366619, 0.0010961092775687575, 0.03961703181266785, 0.004934276919811964, -0.008490383625030518, -0.030162641778588295, -0.0020190547220408916, 0.00905450526624918, -0.001233569229952991, -0.02673506923019886, 0.023993011564016342, 0.020094146952033043, 0.02857738919556141, 0.012110757641494274, -0.028820175677537918, 0.004930706694722176, -0.02382163144648075, -0.004288036841899157, -0.007194332778453827, -0.016166718676686287, 0.004338021855801344, 0.02307899110019207, -0.021736524999141693, 0.002265411429107189, 0.015781117603182793, 0.009618626907467842, 0.003077674889937043, -0.017095020040869713, -0.006005393341183662, -0.019865641370415688, 0.02981988526880741, -0.005287745501846075, -0.01696648634970188, -0.011510932818055153, -0.03319033235311508, -0.020265525206923485, 0.005955407861620188, 0.01209647674113512, -0.010989655740559101, -0.006976539269089699, 0.013074763119220734, -0.026620816439390182, 0.010982515290379524, -0.015923932194709778, 0.0026063835248351097, -0.035046935081481934, 0.011346695013344288, 0.03019120544195175, 0.012396388687193394, -0.03124804049730301, -0.01753774844110012, 0.0007546909037046134, 0.005512679927051067, -0.013988782651722431, 0.03347596153616905, -0.008247597143054008, -0.0007368389051407576, -0.03844594210386276, -0.01332469005137682, -0.021579427644610405, -0.03059108927845955, 0.0040559615008533, -0.009268729016184807, -0.012225010432302952, -0.02422151528298855, -0.007183621637523174, -0.013260423205792904, 0.0010032792342826724, -0.004348733462393284, -0.016723699867725372, 0.007812010124325752, 0.015923932194709778, -0.04415856674313545, 0.02189362235367298, 0.013496068306267262, 0.0006489180959761143, -0.005937556270509958, 0.012189306318759918, 0.0381888747215271, -0.005302026867866516, -0.0026385171804577112, 0.03733198344707489, 0.0018833799986168742, -0.04418712854385376, 0.011196738108992577, -0.05844011902809143, 0.014667156152427197, 0.011353835463523865, 0.0020547586027532816, -0.006565944291651249, -0.02981988526880741, 0.014410087838768959, 0.007676335517317057, -0.01383882574737072, 0.004973551258444786, -0.02944856509566307, -0.005241330247372389, -0.007904840633273125, -0.004238051362335682, -0.013988782651722431, -0.019351506605744362, 0.007404985837638378, -0.01141810230910778, 0.011396680027246475, 0.033904410898685455, -0.0099613843485713, -0.0008510913467034698, 0.016338098794221878, 0.018294671550393105, -0.0024582124315202236, -0.010454097762703896, -0.016123874112963676, 0.011203879490494728, -0.0006779275136068463, 0.014695718884468079, 0.01459574792534113, -0.03373303264379501, -0.0028455995488911867, 0.015338389202952385, -0.010882544331252575, -0.0285345446318388, 0.013381816446781158, 0.01080399565398693, 0.0042487625032663345, 0.023993011564016342, -0.048814352601766586, -0.019451476633548737, -0.014031627215445042, -0.003927427344024181, 0.003127660369500518, 0.012446374632418156, 0.02143661305308342, 0.0007256814860738814, -0.00512350769713521, -0.0007421945338137448, 0.039445653557777405, -0.005055670160800219, 0.0001848791871452704, -0.05769747868180275, -0.018508894369006157, 0.0054412721656262875, 0.00703366519883275, -0.0004623653076123446, 0.007097932510077953, -0.02423579804599285, 0.043872933834791183, -0.0006489180959761143, 0.04098806157708168, 0.006126786582171917, 0.022164972499012947, -0.031647924333810806, -0.02029408887028694, 0.008261878974735737, -0.008326145820319653, -0.03376159444451332, 0.002079751342535019, 0.009925680235028267, 0.027163516730070114, 0.03470417484641075, 0.023193243891000748, 0.0004735227848868817, -0.010511224158108234, 0.009432966820895672, -0.03678928315639496, 0.013353252783417702, 0.025778206065297127, -0.014460073783993721, -0.014781408943235874, 0.004820024594664574, 0.019679982215166092, -0.009554360061883926, -0.0030151931568980217, 0.02287904918193817, 0.009368699975311756, 0.012267854996025562, 0.009504374116659164, 0.014360102824866772, 0.0047022015787661076, -0.012217869982123375, 0.003036615438759327, 0.02430720441043377, -0.022379195317626, 0.006001823116093874, 0.03359021618962288, 0.014281554147601128, -0.0076691946014761925, 0.00217079627327621, -0.006676626391708851, -0.03210493549704552, -0.013274705037474632, 0.010611195117235184, -0.029477126896381378, 0.00895453430712223, 0.004095235839486122, -0.007897699251770973, 0.019822796806693077, -0.0037810413632541895, 0.005541243124753237, 0.023893039673566818, -0.023064710199832916, 0.010689742863178253, 0.0019976324401795864, -0.03293326497077942, -0.03618945926427841, 0.042816098779439926, -0.013303267769515514, 0.007562082726508379, 0.03750336170196533, 0.013546054251492023, 0.027277767658233643, 0.020551156252622604, 0.026335185393691063, -0.02139376848936081, 0.03741767257452011, -0.03404722362756729, 0.000836809806060046, 0.002906296169385314, -0.006544522009789944, 0.0064766849391162395, 0.003204423701390624, -0.020751098170876503, 0.012260714545845985, -0.011796563863754272, -0.017609156668186188, 0.09677181392908096, 0.03136229142546654, -0.00806907843798399, -0.0003126321535091847, -0.017994757741689682, 0.015238418243825436, 0.026763632893562317, -0.009204461239278316, -0.009390122257173061, -0.04501545801758766, -0.004063101951032877, -0.0031972830183804035, 0.011696592904627323, -0.042359091341495514, 0.006101794075220823, -0.012053631246089935, -0.02533547766506672, 0.03124804049730301, -0.013496068306267262, 0.0008350246353074908, 0.009868553839623928, 0.014367243275046349, 0.022065000608563423, -0.002929503796622157, -0.007919121533632278, -0.014638593420386314, 0.016438068822026253, -0.010068495757877827, 0.023436030372977257, -0.03630371019244194, -0.007961966097354889, 0.022864768281579018, -0.036532215774059296, -0.013438942842185497, -0.010689742863178253, 0.005866148509085178, -0.007533519994467497, 0.009183038957417011, 0.02156514674425125, 0.013310408219695091, -0.0020333363208919764, 0.013638883829116821, 0.006558803841471672, -0.010511224158108234, -0.00313123082742095, -0.02233635075390339, -0.03430429473519325, -0.013246141374111176, -0.031019534915685654], metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f8322ab2-464d-41fc-925e-3a4c7cea9500', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d232911f8873acf038cf99a4b08b6ce7397002ea53087d8d527a294338919e6f'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='d6c4aa0c-20dd-4e5e-8c63-e49f7e9b325a', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '5', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d9d05b637eee7d4fbe52c40810ced13e8afa49c846a992102ff89ebf0375349c'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='5637c528-af81-4f94-a32c-65d197cd11fa', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='add6d4be54548cdeaccd267a3d3515a6866595bd7e009ff745e62d08a5254c22')}, hash='15f7b3d178c216f76fe36a8708cfbcb27edf81c5057977fc49ad7204d63f3d12', text='6 IEEE TRANSACTIONS ON JOUR NAL NAME, MANUSCRIP T ID very short greedy algorithm paths [28]. Surprisingly, i ncreasing the mL from zero leads to a measurable increase in speed on very high dimensional data (100k dense ra ndom d=1024 vectors, see plot in F ig. 4), and does not i ntroduce any penalty for the Hierarchical NSW approach. For real data such as SIFT vectors [1] (which have co mplex mixed structure ), the performance improvement by increasing the mL is higher, but less prominent at current settings compared to improvement from the heuristic (see Fig. 5 for 1-NN search performance on 5 million 128-dimensional SIFT vectors from the learning set of BI GANN [13]). Selection of the Mmax0 (the maximum number of co nnections that an element can have in the zero layer) also has a strong in fluence on the search performance, esp ecially in case of high quality (high recall) search. Simul ations show that setting Mmax0 to M (this corresponds to k-NN graphs on each layer if the neighbors selection heuri stic is not used) leads to a very strong per formance penalty at high recall. Simulations also suggest that 2∙ M is a good choice for Mmax0: setting the parameter higher leads to performance degradation and excessive memory usage . In Fig. 6 there are presented results of search performance for the 5M SIFT learn dataset depending on the Mmax0 parameter (done on an Intel Core i5 2400 CPU) . The su ggested value gives performance close to optimal at diffe rent recalls. In all of the considered cases, use of the heuristic for proximity graph neighbors selection (alg. 4) leads to a higher or similar search performance compared to the naïve connection to the nearest neighbors (alg. 3). The effect is the most prominent for low dimensional data, at high recall for mid-dimensional data and for the case of highly clust ered data (ideologically discontinuity can be regarded as a local low dimensional feature), see the comparison in Fig. 7 (Core i5 2400 CPU) . When using the closest neighbors as connections for the proximity graph, the Hierarchical NSW algorithm fails to ac hieve a high recall for clustered data because the search stucks at the clusters boundaries. Contrary, when the heuristic is used (together with candidates ’ extension, line 3 in Alg. 4) , clustering leads to even higher performance. For uniform and very high dimensional data there is a little difference between the neighbors selecting methods (see Fig. 4) , possibly due to the fact that in this case almost all of the nearest neighbors are s elected by the heuristic. The only meaningful construction parameter left for the user is M. A reasonable range of M is from 5 to 48. Simulations show that smaller M generally produces be tter results for lower recalls and/or lower dimensional data, while b igger M is better for high recall and/or high dimensional data (see Fig. 8 for illustration , Core i5 2400 CPU ). The parameter also defines the memory consum ption of the algorithm (which is proportional to M), so it should be selected with care. Selection o f the efConstruction parameter is straigh tforward. As it was suggested in [26] it has to be large enough to produce K-ANNS recall close to unity during the construction process (0.95 is enough for the most use-cases). And just like in [26], this parameter can possibly 0,0 0,5 1,0 1,5 2,00,010,020,030,04Query time, msmL10M d=4 random vectors,M=6, Mmax0=12Recall 0.9, 1-NN Simple neighbors HeuristicAutoselect 0,0 0,5 1,0 1,5 2,014,114,214,314,414,5Query time, msmL100k random vectors, d=1024M=20, Mmax0=40,Recall=0.9, 1-NN Simple neighbors HeuristicAutoselect 0,0 0,5 1,0 1,5 2,00,090,100,110,120,130,140,15Query time, msmL5M SIFT, d=128,M=16, Mmax0=32,Recall=0.9, 1-NN Simple Neighbors HeuristicAutoselect Fig. 3. Plots for query time vs mL parameter for 10M random vectors with d=4. The a utoselected value 1/ln( M) for mL is shown by an arrow. ', start_char_idx=0, end_char_idx=3910, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
439
       " TextNode(id_='5637c528-af81-4f94-a32c-65d197cd11fa', embedding=[-0.020405925810337067, 0.03172662854194641, 0.01526145450770855, -0.010668688453733921, 0.0037974512670189142, 0.02309996820986271, 0.009550947695970535, -0.008769962936639786, -0.045856013894081116, -0.05044161528348923, 0.006581054534763098, 0.01798415556550026, -0.001146400347352028, 0.01563403569161892, -0.021881917491555214, 0.011019773781299591, 0.012639064341783524, 0.015390424989163876, 0.018012816086411476, -0.013219429180026054, -0.021194076165556908, 0.013620669022202492, -0.00506565673276782, -0.024518636986613274, 0.0034947297535836697, 0.03596831113100052, 0.018471375107765198, -0.02314295805990696, -0.007573407609015703, 0.0007021702476777136, 0.02042025700211525, -0.00781701784580946, -0.010704513639211655, 0.009207027964293957, -0.00868398230522871, 0.002006200607866049, 0.024160386994481087, -0.02013365551829338, 0.03135405108332634, -0.00870547816157341, 0.005538546945899725, 0.0007644161814823747, -0.000113240625069011, 0.0012279022485017776, -0.010038168169558048, 0.008390218019485474, 0.012897004373371601, -0.01703837513923645, -0.000995935290120542, 0.024446988478302956, 0.012653393670916557, 0.01786951534450054, -0.018743645399808884, 0.011299208737909794, -0.010059663094580173, 0.0029591459315270185, 0.013670824468135834, 0.012961489148437977, 0.00039944887976162136, -0.003833276219666004, 0.003199173603206873, -0.008139442652463913, -0.024561628699302673, 0.01971808634698391, -0.006950051989406347, -0.028774648904800415, -0.02342955768108368, 0.0076737175695598125, 0.022326147183775902, -0.004341991152614355, -0.001808267435990274, 0.03404809162020683, -0.02586565911769867, -0.004015983548015356, 0.039952050894498825, -0.016307545825839043, -0.01332690380513668, 0.01824209652841091, -0.007723872549831867, 0.01012414786964655, 0.011822253465652466, -0.027083707973361015, -0.0006305202259682119, 0.019531795755028725, -0.00013837410369887948, 0.012467104010283947, 0.018514364957809448, 0.023257598280906677, -0.04256011173129082, 0.010081158019602299, 0.035825010389089584, 0.013914434239268303, 0.035825010389089584, -0.024203376844525337, -0.000497967645060271, -0.00379028613679111, -0.011729109100997448, -0.0009529453236609697, 0.02277037687599659, -0.008526353165507317, -0.029433829709887505, -0.009335997514426708, -0.02504884824156761, -0.012739374302327633, -0.0027495697140693665, -0.003240372287109494, -0.009307337924838066, -0.005979194305837154, -0.021380366757512093, 0.007623562589287758, -0.002160248113796115, 0.010991113260388374, -0.02128005586564541, -0.013341234065592289, -0.01501784473657608, -0.013613504357635975, 0.03258642926812172, -0.008433207869529724, -0.006462831981480122, -0.01642218604683876, 0.029921049252152443, -0.0013165691634640098, 0.03144003078341484, -0.015103824436664581, 0.026352878659963608, 0.019589116796851158, 0.016637135297060013, -0.015304445289075375, -0.01462376955896616, -0.02685442939400673, 0.032529111951589584, 0.03960813209414482, 0.011729109100997448, 0.000502893584780395, -0.03293035179376602, 0.029104238376021385, 0.008676817640662193, -0.01483155507594347, -0.04619993641972542, -0.006430589593946934, 0.010059663094580173, 0.03714337199926376, -0.00924285314977169, -0.005753496661782265, -0.019445816054940224, 0.022641407325863838, 0.002853462239727378, 0.022999657317996025, 0.002602687105536461, -0.03579635173082352, 0.001533310511149466, -0.016651464626193047, -0.004553359001874924, 0.04347723349928856, 0.007652222644537687, 0.006652704440057278, -0.023071307688951492, 0.012259318493306637, -0.01991870626807213, -0.0338188111782074, -0.0053343442268669605, 0.02009066566824913, -0.004273924045264721, -0.013305408880114555, 0.017711885273456573, 0.021065106615424156, 0.006262212060391903, -0.007358457427471876, -0.018055805936455727, -0.02322893775999546, -0.003915673587471247, 0.04018133133649826, -0.02966311015188694, 0.005878884345293045, 0.01309762429445982, -0.001110575394704938, 0.03209920972585678, 0.011643128469586372, -0.02017664723098278, -0.015218464657664299, -0.019130555912852287, 0.018843956291675568, 0.0005252842092886567, 0.02408873848617077, 0.0002624182088766247, 0.0006466414779424667, 0.02132304757833481, -0.0008642784086987376, 0.0006963486666791141, -0.027155358344316483, 0.01243844348937273, 0.0006672408198937774, -0.011342198587954044, 0.002486255718395114, -0.6140120625495911, -0.013720978982746601, 0.012610403820872307, -0.01892993599176407, -0.004689494147896767, 0.0068461596965789795, 0.0024772994220256805, 0.026840098202228546, -0.0012610404519364238, 0.024432657286524773, -0.018543025478720665, 0.010317603126168251, -0.007344127167016268, -0.015949295833706856, -0.021566657349467278, -0.02595163881778717, 0.0005440923850983381, -0.01976107619702816, 0.0004370651440694928, 0.0202482957392931, -0.027828868478536606, 0.010446573607623577, 0.010382087901234627, 0.011349363252520561, -0.00048318985500372946, -0.005126559175550938, 0.02318594790995121, -0.017812196165323257, 0.004560524132102728, 0.0007254564552567899, -0.011141578666865826, 0.0008109887130558491, -0.0024361007381230593, 0.03611161187291145, 0.04986841604113579, -0.03298766911029816, 0.0003544437058735639, 0.007996142841875553, 0.03700007125735283, 0.03585367277264595, -0.026223909109830856, -0.004779056645929813, 0.011779263615608215, -0.007530417293310165, -0.020979126915335655, -0.0001641233393456787, 0.006720772013068199, 0.0009807096794247627, -0.010704513639211655, -0.03353220969438553, -1.8864107914851047e-05, 0.004503204021602869, -0.015562385320663452, -0.00662046205252409, 0.003657733555883169, -0.010425078682601452, 0.02672545798122883, -0.024532968178391457, 0.02702638879418373, -0.0019650019239634275, 0.014215364120900631, -0.012330968864262104, -0.012302309274673462, -0.014301344752311707, -0.019660767167806625, 0.008913262747228146, -0.010439408011734486, 0.017955495044589043, -0.00136941100936383, -0.004030313808470964, 0.020778506994247437, 0.017998484894633293, 0.0060974168591201305, -0.0033603860065340996, 0.0101886335760355, 0.014122219756245613, 0.007788357324898243, 0.006803169846534729, -0.0186003465205431, -0.014451809227466583, 0.0007724768365733325, -0.0007841199403628707, -0.0034750259947031736, -0.0027871858328580856, 0.02364450693130493, -0.004882948938757181, -0.03530913218855858, 0.008347227238118649, -0.015347435139119625, 0.013269584625959396, 0.007494592573493719, 0.00038959700032137334, -0.027083707973361015, -0.04215887188911438, -0.0009511540411040187, 0.006638374645262957, 0.0059469519183039665, -0.0016228730091825128, 0.004352739080786705, -0.04662983492016792, -0.030580230057239532, -0.007025284692645073, 0.0015261454973369837, -0.004875784274190664, 0.01563403569161892, 0.01012414786964655, -0.016823425889015198, 0.005226869136095047, 0.010618533007800579, -0.0254930779337883, 0.010783328674733639, -0.008447538129985332, -0.020577887073159218, -0.004757561720907688, 0.006015019491314888, -0.022555427625775337, 0.03774523362517357, 0.01646517589688301, -0.013477369211614132, 0.006652704440057278, 0.02858835831284523, 0.01318360399454832, 0.028144128620624542, -0.0038010335993021727, -0.0026349294930696487, -0.011764933355152607, 0.004753978922963142, -0.007247400004416704, -0.0065201520919799805, -0.0073942821472883224, 0.0008136755786836147, -0.011772098951041698, 0.021638307720422745, -0.02500585839152336, 0.018213436007499695, -0.0036648986861109734, 0.022956667467951775, -0.0005767826805822551, 0.005115811713039875, -0.017224665731191635, -0.03181261196732521, 0.004775473847985268, 0.006853324826806784, -0.048292115330696106, -0.006498657166957855, -0.0023035481572151184, -0.0119655542075634, 0.018414055928587914, -0.007723872549831867, -0.0172103364020586, -0.008375887759029865, -0.017339305952191353, -0.017955495044589043, 0.01107709389179945, -0.026137927547097206, 0.005653186701238155, -0.020778506994247437, -0.02986373007297516, -0.022025216370821, -0.02676844783127308, -0.008970582857728004, 0.03040826879441738, -0.008970582857728004, -0.021795937791466713, -0.006004272028803825, -0.02112242579460144, -0.0003495177661534399, -0.00253282836638391, 0.01048239879310131, -0.0375446118414402, 0.0063696871511638165, -0.029175888746976852, -0.0022892181295901537, 0.014244024641811848, -0.013126283884048462, -0.00011553565855138004, -0.0003007061895914376, 0.013520359061658382, 0.005359421484172344, -0.015992285683751106, 0.009644092991948128, -0.00036026525776833296, 0.009464967995882034, 0.0029036172199994326, 0.055829696357250214, 0.015662694349884987, 0.007824182510375977, -0.007616397459059954, -0.0037831212393939495, 0.00854068249464035, 0.007415777537971735, 0.0068067521788179874, -0.021108096465468407, 0.013040304183959961, -0.007215157151222229, -0.0008418877841904759, -0.0050083366222679615, -0.012939994223415852, -0.02788618952035904, 0.015376094728708267, 0.005044161807745695, 0.015333104878664017, -0.004607096314430237, -0.006355356890708208, 0.018041476607322693, -0.02797216922044754, 0.012402619235217571, -0.012431278824806213, 0.010597038082778454, 0.016880745068192482, 0.016450844705104828, 0.004986841697245836, -0.02268439717590809, -0.025478748604655266, 0.0019040993647649884, 0.016106925904750824, -0.007709542289376259, 0.0016407854855060577, -0.016981055960059166, 0.027327319607138634, 0.0005302101490087807, 0.009393317624926567, 0.041442371904850006, 0.010446573607623577, 0.01679476536810398, 0.00250595947727561, 0.0024593870621174574, 0.007032449822872877, -0.002368033165112138, -0.01473124511539936, -0.020276956260204315, -0.00928584299981594, 0.026954738423228264, -0.0010622115805745125, 0.024805238470435143, 0.018213436007499695, 0.03585367277264595, 0.006158319301903248, 0.011385188437998295, -0.007731037680059671, 0.013083294034004211, 0.016393525525927544, 0.008483362384140491, -0.023830797523260117, 0.005126559175550938, -0.01662280596792698, 0.024432657286524773, 0.02272738702595234, 0.00250595947727561, 0.01719600521028042, 0.002314295619726181, 0.027857528999447823, 0.0032135036308318377, 0.027914848178625107, 0.002187117002904415, -0.014265519566833973, 0.015146815218031406, 0.011514158919453621, 0.028402069583535194, 0.037888530641794205, 0.023486876860260963, -0.006491492036730051, 0.027413299307227135, -0.02639586851000786, 0.007204409688711166, -0.04158567264676094, 0.003011092310771346, 0.020448915660381317, 0.0010344472248107195, -0.010281777940690517, 0.014688254334032536, -0.0009050293592736125, 0.004417223855853081, -0.013706649653613567, 0.005051326472312212, -0.002162039512768388, 0.03295901045203209, -0.01210885401815176, 0.015433414839208126, 0.016407854855060577, -0.033646851778030396, -0.030666209757328033, 0.018743645399808884, 0.018872616812586784, -0.0003544437058735639, -0.014587944373488426, -0.005155219230800867, 0.009027902968227863, -0.01423685997724533, -0.01200854405760765, -0.008927593007683754, -0.008433207869529724, -0.003356803674250841, -0.017754875123500824, 0.003177678445354104, -0.010195798240602016, 0.03227116912603378, -0.006831829901784658, -0.0030916985124349594, 0.003659524954855442, 0.007795522455126047, -0.0060830870643258095, 0.006190562155097723, -0.013685154728591442, 0.03866235166788101, -0.010854978114366531, -0.01679476536810398, -0.028903618454933167, 0.005090733990073204, 0.000948467175476253, 0.009149707853794098, -0.003955081105232239, -7.696780085097998e-05, 0.020735517144203186, -0.00031526011298410594, 0.009722908027470112, -0.007018119562417269, 0.010353428311645985, 0.03513717278838158, 0.007781192660331726, -0.01062569860368967, -0.028158459812402725, -0.004098381381481886, 0.013663659803569317, 0.0009869791101664305, 0.03152601048350334, -0.008175267837941647, -0.0022730969358235598, -0.014544954523444176, -0.009214192628860474, -0.020678196102380753, 0.006387599743902683, 0.016149915754795074, 0.017024045810103416, -0.03846173360943794, -0.017382295802235603, 0.008913262747228146, 0.01852869614958763, 0.04192959517240524, -0.0035395112354308367, 0.0009466759511269629, -0.022426456212997437, -0.013871444389224052, 0.01996169611811638, -0.00786000769585371, -0.014673925004899502, -0.0010881847701966763, 0.01728198491036892, -0.006498657166957855, -0.0039192563854157925, 0.013921599835157394, -0.0002684636856429279, 0.008755632676184177, -0.020319946110248566, -0.00845470279455185, 0.02924753911793232, 0.03545243293046951, 0.023587187752127647, 0.0028767483308911324, 0.012897004373371601, 0.02529245801270008, 0.007007372099906206, 0.013513194397091866, -0.015848984941840172, 0.023214606568217278, 0.004152118694037199, -0.014702584594488144, 0.01824209652841091, 0.006290872115641832, -0.014036239124834538, 0.000889355898834765, 0.02298532798886299, -0.008203927427530289, -0.012610403820872307, 0.02483389712870121, -0.010324768722057343, -0.013498864136636257, -0.006842577364295721, -0.006545229349285364, 0.01283251866698265, -0.0169953852891922, -0.02384512685239315, -0.013656494207680225, -0.04063989222049713, -0.00818959716707468, -0.011557148769497871, 0.037028729915618896, 0.0036684812512248755, -0.010081158019602299, -0.005112228915095329, -0.039665453135967255, -0.019990356639027596, -0.017998484894633293, -0.003294109832495451, -0.008547848090529442, -0.0058358944952487946, -0.04855005443096161, -0.014072064310312271, 0.0044351364485919476, 0.02496286854147911, 0.005001171492040157, 0.010847813449800014, -0.021595316007733345, 0.01976107619702816, -0.027857528999447823, -0.013463038951158524, 0.0013622461119666696, -0.024977197870612144, -0.0071470895782113075, 0.0003076472785323858, 0.005312849301844835, -0.0039335861802101135, -0.007233069743961096, -0.02949114888906479, 0.005305684171617031, 0.00548839196562767, -0.0031920084729790688, -0.007247400004416704, 0.020062007009983063, -0.016020944342017174, 0.004008818883448839, 0.029032589867711067, 0.013763969764113426, -0.009407647885382175, 0.017267655581235886, 0.0016166036948561668, -0.019703757017850876, -0.007247400004416704, 0.013083294034004211, 0.002891078358516097, 0.00600068923085928, -0.002414605813100934, -0.005029831547290087, -0.010217293165624142, 0.017024045810103416, -0.012545919045805931, 0.005140888970345259, 0.0066956947557628155, 0.031096110120415688, 0.03840441256761551, 0.01923086680471897, -0.0010738547425717115, 0.014774234965443611, -0.015662694349884987, -0.016221564263105392, -0.004582019057124853, 0.02454729750752449, 0.0020223218016326427, -0.005746331997215748, 0.04132773354649544, -0.005749914329499006, -0.01427268423140049, -0.01835673674941063, 0.0009538409067317843, -0.015290115028619766, 0.020778506994247437, 0.00654881214722991, -0.012861179187893867, -0.024848228320479393, -0.01761157624423504, -0.00494026904925704, -0.004438718780875206, -0.040983814746141434, -0.005975611973553896, 0.00617981469258666, -0.014279849827289581, -0.0009833965450525284, 0.010303272865712643, -0.0014016535133123398, -0.016880745068192482, -0.02797216922044754, 0.017683224752545357, -0.004270341247320175, 0.006828247103840113, -0.0058108167722821236, 0.009221358224749565, -0.016880745068192482, -0.04299001395702362, -0.02562204748392105, 1.26996865219553e-05, -0.024561628699302673, 0.017339305952191353, 0.0239311084151268, -0.0002409231965430081, 0.036742132157087326, 0.001995453145354986, -0.0011078885290771723, 0.016823425889015198, -0.0062729595229029655, 0.004589184187352657, 0.00016490700363647193, 0.009450637735426426, 0.0007232174393720925, -0.004367068875581026, 0.040124014019966125, -0.02066386677324772, 0.023830797523260117, 0.021179746836423874, 0.015304445289075375, 0.039292871952056885, 0.004678746685385704, -0.0032332073897123337, -0.011807924136519432, -0.0688413456082344, 0.015390424989163876, 0.0029215295799076557, -0.007695212494581938, 0.010281777940690517, -0.02595163881778717, -0.021523667499423027, 0.01507516484707594, -0.004782638978213072, 0.005599449388682842, -0.00528060644865036, 0.011850913986563683, -0.00023151913774199784, 0.00032376853050664067, 0.029548469930887222, 0.013978919014334679, -0.033732831478118896, 0.013692319393157959, -0.02792917937040329, -0.011951223947107792, -0.0014195661060512066, 0.00041288326610811055, 0.023486876860260963, 0.004316913895308971, 0.010339098051190376, -0.0026761284098029137, 0.0025776096154004335, -0.012674888595938683, -0.0372006930410862, -0.010554048232734203, -0.005474061705172062, -0.008855942636728287, -0.018901275470852852, -0.031239408999681473, 0.012467104010283947, -0.02256975695490837, -0.004270341247320175, 0.0029466073028743267, 0.006183397024869919, -0.05118677765130997, -0.0016309336060658097, 0.03634089231491089, -0.0033281436190009117, 0.05416741594672203, -0.028516709804534912, 0.016694454476237297, 0.03573903068900108, -0.014888875186443329, -0.02384512685239315, 0.01683775521814823, 0.007731037680059671, 0.0016954186139628291, 0.046142615377902985, 0.048406753689050674, -0.05350823700428009, -0.018800966441631317, 0.012818189337849617, -0.01943148672580719, 0.01914488524198532, -0.05812249705195427, 0.02610926888883114, 0.02355852723121643, 0.00223727198317647, -0.042302172631025314, -0.0032529111485928297, -0.03559572994709015, 0.04250279441475868, 0.003994488622993231, 0.006161902099847794, -0.0026510509196668863, 0.00013467964890878648, 0.001733034965582192, 0.03671347349882126, -0.012653393670916557, 0.039292871952056885, 0.00023666898778174073, -0.015247125178575516, 0.010919463820755482, -0.0030343784019351006, -0.024246368557214737, 0.013147778809070587, -0.01989004574716091, 0.05330761522054672, -0.006616879720240831, -0.0044100587256252766, 0.02000468596816063, 0.010926628485321999, 0.0127895288169384, -0.007695212494581938, 0.010862143710255623, 0.03436335176229477, -0.03192725032567978, 0.0058824666775763035, -0.014602274633944035, -0.00523761659860611, 0.010002342984080315, 0.0012476060073822737, -0.019832726567983627, -0.017668895423412323, -0.0023608682677149773, -0.002101136837154627, 0.031869929283857346, 0.009314502589404583, 0.0221541877835989, 0.006391182076185942, -0.011721943505108356, -0.014244024641811848, -0.020477576181292534, 0.012488598935306072, 0.0024038583505898714, -0.07342694699764252, -0.005782156717032194, 0.007895832881331444, -0.0038225287571549416, 0.008447538129985332, -0.003177678445354104, -0.0377165712416172, 0.024031417444348335, 0.018614675849676132, -0.019789736717939377, 0.02070685662329197, 0.03370416909456253, 0.006699277088046074, -0.03565305098891258, -0.011815088801085949, -0.02573668770492077, -0.006756597198545933, 0.019589116796851158, -0.01091229822486639, -0.03361818939447403, -0.0054059941321611404, -0.002067103050649166, 0.0075949025340378284, 0.023615848273038864, -0.016078265383839607, 0.0013488116674125195, 0.0024647607933729887, 0.01815611496567726, 0.0037043062038719654, -0.01695239543914795, 0.01918787695467472, -0.010554048232734203, -0.0022175682242959738, 0.01587764546275139, -0.019402826204895973, 0.01839972659945488, -0.02529245801270008, -0.002582983346655965, 0.00026152259670197964, -0.031783949583768845, -0.007659387309104204, -0.007358457427471876, 0.011886739172041416, -0.009307337924838066, -0.001493902993388474, -0.025091838091611862, -0.00731188477948308, -0.02483389712870121, 0.024948537349700928, 0.010016673244535923, -0.010260283015668392, 0.010847813449800014, -0.009228522889316082, -0.008526353165507317, -0.0023429556749761105, -0.01723899506032467, -0.005918291863054037, 0.016393525525927544, 0.005327179096639156, -0.030264969915151596, -0.011270548216998577, 0.00750892236828804, 0.04588467627763748, 0.029605789110064507, -0.019087566062808037, -0.028316089883446693, -0.00044400623301044106, -0.04929521679878235, -0.039178233593702316, -0.0187723059207201, -0.007150672376155853, 0.009522288106381893, 0.02206820622086525, -0.012524424120783806, 0.0272699985653162, -0.02107943594455719, -0.0071721673011779785, -0.0086051682010293, -0.0026510509196668863, -0.014451809227466583, 0.016565484926104546, 0.012825354002416134, 0.002658215817064047, -0.03576769307255745, -0.00047378576709888875, -0.0031114022713154554, 0.013620669022202492, -0.013814124278724194, 0.016594145447015762, 0.0017276611179113388, -0.0004563210823107511, -0.004678746685385704, 0.006068756803870201, 0.011886739172041416, 0.002131588291376829, -0.012545919045805931, -0.03705739229917526, -0.008440372534096241, 0.0013407510705292225, -0.012101688422262669, -0.017138686031103134, 0.010783328674733639, 0.006104581989347935, -0.016723114997148514, -0.018629005178809166, -0.005936204455792904, -0.017482604831457138, 0.01506083458662033, -0.01037492323666811, 0.013047468848526478, -0.0071327597834169865, 0.003930003847926855, 0.03912091255187988, 0.0014509129105135798, 0.014158044941723347, 0.006924974732100964, 0.01097678393125534, -0.023988427594304085, -0.005463314242660999, 0.007981812581419945, -0.00758057227358222, 0.00913537759333849, 0.002219359390437603, 0.0037831212393939495, 0.0025543232914060354, 0.0035914573818445206, 0.006645539775490761, -0.01058270875364542, -0.033560872077941895, 0.011378023773431778, 0.009773063473403454, -0.02289934642612934, 0.004062556196004152, -0.015476404689252377, -0.00667419983074069, 0.005936204455792904, 0.021151086315512657, 0.01245993934571743, -0.011084258556365967, 0.009959353134036064, 0.006921392399817705, 0.0002617464924696833, -0.010546883568167686, 0.008691147901117802, 0.0055564590729773045, -0.008877437561750412, 0.006176231894642115, 0.19809798896312714, -0.00486861914396286, 0.028688669204711914, 0.021179746836423874, 0.004911608994007111, 0.0060830870643258095, 0.024074407294392586, -0.006333861965686083, 0.015734344720840454, 0.010647193528711796, 0.0025202895049005747, 0.012947158887982368, -0.02400275692343712, -0.005298519041389227, 0.0340767502784729, -0.007276059594005346, -0.04256011173129082, -0.05015501752495766, -0.015361764468252659, -0.002912573516368866, -0.0014079229440540075, -0.0010272822109982371, -0.00859800260514021, -0.01728198491036892, 0.014903204515576363, -0.024446988478302956, -0.02434667758643627, -0.022096866741776466, 0.016938066110014915, 0.011628799140453339, -0.009859043173491955, -0.021967897191643715, 0.031210750341415405, -0.018428385257720947, -0.001158043509349227, -0.007408612407743931, 0.013004478998482227, 0.01745394617319107, 0.00681749964132905, 0.040783192962408066, -0.01947447657585144, -0.011621633544564247, 0.011893903836607933, 0.007125594653189182, 0.012660559266805649, 0.01637919433414936, -0.009013572707772255, 0.010926628485321999, -0.0027316571213304996, 0.00845470279455185, -0.018414055928587914, -0.007680882234126329, 0.02355852723121643, 0.030207648873329163, -0.015476404689252377, -0.024232037365436554, 0.009930693544447422, -0.0017196005210280418, 0.007304719649255276, 0.007039614953100681, -0.028731659054756165, -0.002489838283509016, 0.011155908927321434, -0.0020044094417244196, -0.01507516484707594, 0.026797108352184296, -0.024905547499656677, 0.012782364152371883, -0.005251946859061718, -0.0026367208920419216, 0.002509542042389512, -0.008762797340750694, -0.022326147183775902, 0.005463314242660999, -0.030436929315328598, -0.015992285683751106, 0.02628122828900814, 0.01613558456301689, 0.002552532125264406, 0.03221385180950165, -0.0004569927987176925, -0.0035681710578501225, -0.008282742463052273, -0.004141371231526136, -0.010496728122234344, -0.033274270594120026, -0.012581744231283665, 0.002029486931860447, -0.005603031720966101, -0.02338656783103943, -0.011327868327498436, -0.00041534623596817255, -0.017855186015367508, -0.006151154637336731, 0.003632656065747142, -0.001934550586156547, 0.022928006947040558, 0.019603446125984192, -0.020076336339116096, -0.014007579535245895, -0.015992285683751106, 0.05339359864592552, 0.011707614175975323, -0.004413641523569822, -0.00969424843788147, 0.0005637961439788342, -0.005821564234793186, 0.015949295833706856, 0.011170238256454468, 0.0006511195679195225, -0.0014535998925566673, -0.0404965914785862, -0.006004272028803825, -0.002642094623297453, -0.015447745099663734, 0.03794585168361664, -0.006939304526895285, -0.015705684199929237, 0.009192697703838348, 0.003990906290709972, 0.0034427836071699858, -0.014057734049856663, 0.00870547816157341, 0.014186704531311989, -0.017439614981412888, 0.006724354811012745, -0.01943148672580719, -0.003990906290709972, -0.014845884405076504, -0.015591044910252094, 0.01794116571545601, -0.027083707973361015, 0.011743438430130482, 0.006867654621601105, 0.0008029280579648912, -0.013771134428679943, -0.019173545762896538, -0.024934208020567894, -0.021566657349467278, -0.01629321463406086, 0.01921653561294079, -0.022598417475819588, 0.007358457427471876, 0.012882674112915993, -0.0026349294930696487, -0.0015933173708617687, -0.008325732313096523, 0.021552326157689095, -0.005026249215006828, -0.01283251866698265, 0.001158043509349227, -0.02384512685239315, 0.0006394764641299844, -0.0136349992826581, 0.022268828004598618, -0.010102652944624424, -0.009214192628860474, -0.03611161187291145, 0.00398015882819891, 0.018342405557632446, -0.026754118502140045, -0.0002733896253630519, 0.044738274067640305, 0.0045712715946137905, 0.0043957289308309555, -0.011399518698453903, -0.18514366447925568, 0.011535653844475746, 0.028230108320713043, -0.03585367277264595, 0.006641956977546215, 0.017726216465234756, 0.01881529577076435, -0.0011338616022840142, -0.011585808359086514, -0.010310438461601734, 0.012216328643262386, 0.003990906290709972, -0.0059827771037817, -0.02116541750729084, 0.00031145368120633066, 0.014516294933855534, 0.009207027964293957, 0.006090251728892326, 0.02413172833621502, 0.02676844783127308, 0.02500585839152336, -0.031697969883680344, 0.02042025700211525, 0.019947366788983345, -0.01642218604683876, 0.00992352794855833, -0.011929729022085667, 0.02165263704955578, -0.016680125147104263, -0.01905890554189682, 0.0070217023603618145, -0.017110025510191917, 0.018987255170941353, -0.004148536361753941, 0.00845470279455185, 0.016608474776148796, -0.0024647607933729887, 0.003080951049923897, -0.006201309617608786, 0.03585367277264595, 0.030264969915151596, 0.015275784768164158, 0.0042058564722537994, 0.011062763631343842, -0.011206063441932201, 0.011607303284108639, 0.02397409826517105, -0.02062087692320347, -0.014616604894399643, -0.0021100931335240602, 0.002446848200634122, 0.00041153980419039726, 0.033933449536561966, -0.002027695532888174, -0.0009332415647804737, 0.01642218604683876, 0.016149915754795074, -0.0008803996606729925, 0.023916777223348618, -0.01963210664689541, -0.019130555912852287, -0.013670824468135834, 0.028359079733490944, -0.012381124310195446, -0.003937168978154659, -0.023873787373304367, -0.02507750876247883, 0.001952463062480092, -0.020448915660381317, -0.0005660351598635316, -0.00894908793270588, -0.008060627616941929, 0.006487909704446793, 0.01864333637058735, 0.00736562255769968, 0.014559284783899784, 0.009207027964293957, 0.0006058905273675919, 0.016594145447015762, 0.021179746836423874, -0.020979126915335655, 0.04468095302581787, 0.011055598966777325, -0.007953152991831303, 0.004377816338092089, -0.013849949464201927, -0.013513194397091866, -0.011542818509042263, -0.008812952786684036, -0.0009699621587060392, 0.010754668153822422, -0.019087566062808037, 0.014365829527378082, -0.021394696086645126, 0.027341648936271667, -0.013068963773548603, 0.00306303845718503, -0.002009783172979951, 0.009672753512859344, 0.004463796503841877, -0.007175749633461237, -0.004299001302570105, -0.030436929315328598, 0.002393110655248165, 0.0377165712416172, 0.004929521586745977, -0.01086930837482214, -0.009500793181359768, 0.019087566062808037, -0.02450430765748024, -0.004986841697245836, -0.009156872518360615, 0.017625905573368073, -0.002027695532888174, -0.01807013526558876, 0.015132484957575798, 0.008827283047139645, -0.01943148672580719, 0.012080193497240543, -0.012739374302327633, 0.035910990089178085, -0.008110782131552696, -0.02408873848617077, -0.0016506373649463058, 0.012137513607740402, 0.002454013330861926, -0.10403583198785782, -0.0021656218450516462, 0.018414055928587914, 0.03943617269396782, -0.03800317272543907, 0.02421770803630352, -0.010410748422145844, 0.02095046639442444, -0.003217085963115096, 0.03717203065752983, -0.014193869195878506, -0.022541096433997154, -0.015304445289075375, 0.020907476544380188, 0.0040840511210262775, -0.010998278856277466, 0.0239311084151268, -0.02702638879418373, -0.009730072692036629, 0.03886297345161438, 0.00750892236828804, -0.011736273765563965, -0.024489978328347206, 0.0052698589861392975, 0.017310645431280136, -0.01318360399454832, -0.03596831113100052, 0.029777750372886658, 0.01732497476041317, 0.032328490167856216, 0.014702584594488144, -0.0377165712416172, -0.0077596972696483135, -0.026539169251918793, -0.003833276219666004, 0.0005011023604311049, -0.018371066078543663, 0.010446573607623577, 0.0237161573022604, -0.030952809378504753, 0.0027155359275639057, 0.02351553738117218, 0.0270980391651392, -0.012517258524894714, -0.0169094055891037, -0.0028015158604830503, -0.027212679386138916, 0.03201323002576828, -0.015447745099663734, -0.01951746642589569, -0.019789736717939377, -0.027542268857359886, -0.03473592922091484, 0.005463314242660999, 0.0060974168591201305, -0.01580599509179592, 0.008031967096030712, 0.005194626748561859, -0.028187118470668793, 0.006985877174884081, -0.029075579717755318, 0.00605442700907588, -0.035825010389089584, 0.010940958745777607, 0.020735517144203186, -0.0016300380229949951, -0.035825010389089584, -0.018872616812586784, 0.007161419838666916, 0.0144804697483778, -0.016680125147104263, 0.03502253070473671, 0.0004003444919362664, 0.006158319301903248, -0.031497351825237274, 0.004241681192070246, -0.017640234902501106, -0.016551155596971512, -0.001521667349152267, -0.004299001302570105, 0.002276679500937462, -0.018657665699720383, -0.006011436693370342, -0.011413848958909512, 0.005957699380815029, -0.0023841545917093754, -0.014960524626076221, 0.007709542289376259, 0.0003454874677117914, -0.04800551384687424, 0.008784293197095394, 0.007046779617667198, -0.009722908027470112, -0.01600661501288414, -0.007637892384082079, 0.04419373348355293, -0.0018718568608164787, -0.019001586362719536, 0.0372866727411747, -0.0018342406256124377, -0.046887774020433426, 0.001313882297836244, -0.06253614276647568, 0.014888875186443329, 0.01220916397869587, 0.01117740385234356, -0.004911608994007111, -0.0086051682010293, 0.018256425857543945, 0.01452345959842205, -0.020649537444114685, 0.010998278856277466, -0.03631222993135452, -0.004417223855853081, -0.0030845333822071552, -0.0038547711446881294, -0.011170238256454468, -0.007824182510375977, 0.013957424089312553, -0.0067351022735238075, 0.014946194365620613, 0.024819567799568176, -0.0063840169459581375, -0.0016819842858240008, 0.00874846801161766, 0.02228315733373165, -0.017855186015367508, 0.0005342405056580901, -0.013871444389224052, 0.013814124278724194, -0.006552394479513168, 0.008096452802419662, 0.017009714618325233, -0.029835069552063942, 0.0008799518691375852, 0.011807924136519432, -0.018127456307411194, -0.017855186015367508, 0.0060186018235981464, 0.014093559235334396, 0.009278678335249424, 0.019417155534029007, -0.04657251387834549, -0.02261274680495262, -0.01493186503648758, -0.004865036346018314, -0.0031346885953098536, 0.025507407262921333, 0.01807013526558876, -0.0010541509836912155, -0.0007442646310664713, -0.008261247538030148, 0.0479481965303421, -0.0063696871511638165, -0.0036469860933721066, -0.05614495649933815, -0.019417155534029007, 0.003272614674642682, 0.002222941955551505, 0.0070360321551561356, 0.03172662854194641, -0.021881917491555214, 0.04095515236258507, 0.004363486543297768, 0.04579869285225868, -0.0035359286703169346, 0.006989459507167339, -0.01394309476017952, -0.019402826204895973, 0.00570334168151021, -0.009264348074793816, -0.023200277239084244, -0.0005024457932449877, 0.01394309476017952, 0.016852084547281265, 0.02500585839152336, 0.03307364881038666, 0.009937858209013939, -0.014802894555032253, 0.011019773781299591, -0.016766104847192764, 0.015533724799752235, 0.022455116733908653, -0.019818395376205444, -0.019861387088894844, 0.01587764546275139, 0.01745394617319107, 0.004822046495974064, -0.00605442700907588, 0.02248377725481987, 0.017482604831457138, 0.010532553307712078, 0.0012511885724961758, 0.014215364120900631, 0.0076092323288321495, -0.0020205306354910135, 0.012961489148437977, 0.02949114888906479, -0.023028317838907242, 0.005355839151889086, 0.022498106583952904, 0.030293630436062813, -0.0011096796952188015, 0.0013774717226624489, -0.006652704440057278, -0.03980875387787819, -0.019732415676116943, 0.008970582857728004, -0.029061248525977135, 0.0004612470220308751, 0.006029349286109209, -0.0028874960262328386, 0.013470204547047615, -0.0071076820604503155, -0.006563141942024231, 0.017668895423412323, -0.026682468131184578, 0.0012914916733279824, -0.0011096796952188015, -0.025378437712788582, -0.03439201042056084, 0.04637189581990242, -0.005248364061117172, 0.007039614953100681, 0.03785987198352814, -0.0002850327582564205, 0.03146868944168091, 0.00459993164986372, 0.02158098667860031, -0.02107943594455719, 0.03998071327805519, -0.02219717763364315, 0.0034606961999088526, 0.004768309183418751, -0.002147709485143423, 0.005148054100573063, -0.0030970722436904907, -0.015376094728708267, -0.0037472962867468596, -0.012409783899784088, -0.010647193528711796, 0.10145643353462219, 0.02434667758643627, -0.0038762663025408983, -0.007207992486655712, -0.033102311193943024, 0.011005443520843983, 0.027012059465050697, -0.005126559175550938, -0.007233069743961096, -0.04846407473087311, 0.000909059657715261, -0.0022641406394541264, 0.016121255233883858, -0.04597065597772598, -0.0019130556611344218, -0.028817638754844666, -0.020377267152071, 0.02268439717590809, -0.015333104878664017, -0.008390218019485474, 0.01782652549445629, 0.003217085963115096, 0.017024045810103416, -0.0011589390924200416, -0.0006166379898786545, -0.022541096433997154, 0.029218878597021103, -0.003965828567743301, 0.023357907310128212, -0.03700007125735283, -0.0028050984255969524, 0.026883088052272797, -0.030465589836239815, -0.006147571839392185, -0.001896934350952506, 0.008913262747228146, -0.0136349992826581, 0.01140668336302042, 0.03015032969415188, 0.011987049132585526, 0.00020823287195526063, 0.016895076259970665, 0.007802687585353851, -0.0044100587256252766, -0.01122039370238781, -0.02268439717590809, -0.0344206728041172, -0.02575101889669895, -0.031583331525325775], metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f8322ab2-464d-41fc-925e-3a4c7cea9500', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d232911f8873acf038cf99a4b08b6ce7397002ea53087d8d527a294338919e6f'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='662fadd5-2b76-4e69-9af6-b811ae9b9d76', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='3236fe12a2d7914bc719666a8449ddbdf1366959993b519a71e15f08f06cebbf'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='a1d30860-4f7b-4fd0-9321-f56d44e6db45', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='9251afed1768787e3b0c983c89aa42e1b5c7296700bd6a767b47d022ba8f5f48')}, hash='5f830ff9be5e1f5cdad5cfa85daae73f01480a502e0b26e1f823b1df34868898', text='Fig. 4. Plots for query time vs mL param eter for 100k random vectors with d=1024. The autoselected value 1/ln( M) for mL is shown by an arrow. Fig. 5. Plots for query time vs mL parameter for 5M SIFT learn dataset. The autoselected value 1/ln( M) for mL is shown by an arrow. 0 20 40 60 80 100 120 140 160 180 2000.11Query time, msMmax05M SIFT, d=128, M=20,mL=0.33, 10-NN Recall=0.4 Recall=0.8 Recall=0.94Autoselect 0,20,40,60,81,00,01 0,1Query time, msRecall10M random vectors, d=10 M=16, 10-NN baseline-no clusters heuristic-no clusters baseline-100 clusters heuristic-100 clusters 10-310-210-11000,01 0,1 1Query time, msRecall error (1-recall)5M SIFT, d=128,10-NN M=2 M=3 M=6 M=12 M=20 M=40 Fig. 6. Plots for query time vs Mmax0 parameter for 5M SIFT learn dataset. The autoselected value 2∙M for Mmax0 is shown by an arrow. ', start_char_idx=3910, end_char_idx=4739, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
440
       " TextNode(id_='a1d30860-4f7b-4fd0-9321-f56d44e6db45', embedding=[-0.010836591944098473, 0.027832629159092903, 0.00018933454703073949, -0.012563539668917656, 0.009095254354178905, 0.033560335636138916, -0.0026102084666490555, -0.0018978427397087216, -0.04844086244702339, -0.05278701335191727, -0.01073585357517004, 0.014535137452185154, -0.005065711215138435, 0.01996062882244587, -0.013268709182739258, 0.012045455165207386, 0.018262464553117752, -0.0005617074784822762, 0.012318888679146767, 0.001984190195798874, -0.029588358476758003, 0.014650266617536545, -0.007907978259027004, -0.04596557095646858, 0.0056845336221158504, 0.04173455014824867, 0.030365483835339546, -0.01732703484594822, 0.002207254059612751, -0.0027073491364717484, 0.016391605138778687, -0.005206025671213865, -0.008821820840239525, 0.006601974368095398, -0.007922369055449963, -0.004040336236357689, 0.02443629875779152, -0.0300200954079628, 0.028509017080068588, -0.001493989024311304, -4.3117459426866844e-05, -0.0036553710233420134, -0.0030095649417489767, -0.0033297697082161903, 0.0019122340017929673, 0.007285557687282562, 0.024695342406630516, -0.016492344439029694, 0.0004834551946260035, 0.029113447293639183, 0.023112306371331215, 0.025731509551405907, -0.019269850105047226, 0.014268899336457253, -0.01252756081521511, 0.003957586828619242, 0.0031912541016936302, 0.012117411009967327, 0.004004358313977718, -0.02329939231276512, -0.009642120450735092, -0.00384245696477592, -0.01772998832166195, 0.018579071387648582, -0.01797463931143284, -0.03894265368580818, -0.016103779897093773, 0.013995465822517872, 0.01757168583571911, -0.0021334991324692965, 0.007584175560623407, 0.025040730834007263, -0.030279137194156647, 0.008188607171177864, 0.04262680932879448, -0.019903063774108887, 0.0010973309399560094, 0.013225535862147808, -0.0061666397377848625, 0.013146383687853813, 0.002869250485673547, -0.036524929106235504, -0.0011647897772490978, 0.023572826758027077, 0.006781864445656538, 0.018017813563346863, 0.011541762389242649, 0.025587597861886024, -0.04939068481326103, -0.002959195524454117, 0.027084285393357277, 0.026796460151672363, 0.034279897809028625, -0.011973499320447445, -0.00684302719309926, 0.005436284933239222, -0.010512789711356163, 0.003200248582288623, 0.011189177632331848, -0.017773162573575974, -0.022565441206097603, 0.00869949534535408, -0.009044884704053402, -0.01074304897338152, -0.0024375137872993946, 0.006130661815404892, -0.011520175263285637, 0.004191444255411625, -0.011347481049597263, 0.013398230075836182, -0.00898731965571642, 0.0038280657026916742, -0.007929564453661442, -0.019658412784337997, -0.009267948567867279, -0.025688335299491882, 0.029818616807460785, -0.017456555739045143, -0.006479648873209953, -0.0092607531696558, 0.025342946872115135, 0.011822391301393509, 0.02170196734368801, -0.012757821008563042, 0.013945097103714943, 0.017744380980730057, 0.00986518431454897, -0.029789835214614868, -0.001691868412308395, -0.036208320409059525, 0.033099815249443054, 0.041389163583517075, 0.014513550326228142, 0.00017775411834008992, -0.029027100652456284, 0.027170632034540176, 0.007188416551798582, -0.02268056944012642, -0.024062128737568855, -0.02619202993810177, 0.009231970645487309, 0.03767622634768486, -0.0017593272496014833, -0.013635685667395592, -0.011563349515199661, 0.0354599766433239, 0.009994705207645893, 0.03214999660849571, -0.0052240146324038506, -0.03974856436252594, -0.005234808195382357, -0.004943385720252991, 0.002493279753252864, 0.02810606174170971, 0.01948571763932705, 0.012340474873781204, -0.0023943400010466576, 0.01365007646381855, -0.01100928708910942, -0.04538992419838905, -0.015470566228032112, 0.013506164774298668, 0.001201667240820825, -0.005742098670452833, 0.015672042965888977, 0.020953623577952385, 0.009455034509301186, 0.0027073491364717484, -0.013268709182739258, -0.025371728464961052, -0.00040722667472437024, 0.023529652506113052, -0.03554632514715195, 0.00046636562910862267, 0.013585316017270088, -0.017456555739045143, 0.03442380949854851, 0.009397469460964203, -0.021989790722727776, -0.01444878987967968, -0.019039589911699295, 0.01041924674063921, 0.002889038296416402, 0.006440073251724243, -0.00015122028707992285, -0.004436095245182514, 0.030682090669870377, 0.0024680951610207558, 0.009059276431798935, -0.018017813563346863, 0.0059543694369494915, 0.003232628805562854, 0.004662756808102131, 0.0033621499314904213, -0.612030029296875, -0.014866135083138943, 0.0028980327770113945, -0.03249538689851761, 0.0019050383707508445, 0.01269306056201458, 0.016348430886864662, 0.027357717975974083, 0.0027631151024252176, 0.021054361015558243, -0.020881667733192444, 0.011628109961748123, -0.000966910389252007, -0.01249158289283514, -0.020449930801987648, -0.024709733203053474, 0.013304687105119228, -0.022651787847280502, 0.026235202327370644, 0.012333279475569725, -0.020133323967456818, 0.029645923525094986, -0.004367736633867025, -0.011541762389242649, 0.005101689137518406, 0.009491012431681156, 0.022133704274892807, -0.0273001529276371, 0.004799473565071821, 0.008073477074503899, -0.023011568933725357, 0.013981075026094913, 2.4819240934448317e-05, 0.019600847736001015, 0.05270066484808922, -0.010505594313144684, -0.010541572235524654, 0.01249877829104662, 0.025817858055233955, 0.02953079342842102, -0.03203486651182175, -0.0288831889629364, 0.001151297939941287, 0.004205835517495871, -0.027415283024311066, 0.011937521398067474, 0.005842837039381266, 0.0074114808812737465, -0.014700636267662048, -0.02976105362176895, -0.005936380010098219, -0.005738500971347094, -0.030048877000808716, 0.004684343468397856, -0.00203455938026309, -0.022795699536800385, 0.021529272198677063, -0.018535897135734558, 0.008548387326300144, 0.016089389100670815, 0.018147334456443787, -0.010440833866596222, -0.011146003380417824, -0.018320029601454735, -0.01252756081521511, 0.00862034410238266, -0.01699603721499443, 0.018665418028831482, -0.014268899336457253, -0.024378735572099686, 0.013664468191564083, 0.014794179238379002, 0.005583795253187418, -0.0004139725642744452, 0.010073857381939888, 0.019600847736001015, 0.02329939231276512, 0.006861016619950533, -0.02026284486055374, -0.008965733461081982, 0.0008927056333050132, 0.005044124089181423, -0.014851744286715984, 0.0043137697502970695, 0.019053980708122253, -0.0002621901221573353, -0.04176333546638489, 0.010591941885650158, -0.02066579833626747, -0.008757060393691063, -0.0009768044110387564, 0.004205835517495871, -0.029171012341976166, -0.056068211793899536, 0.008555582724511623, 0.011520175263285637, 0.0237886942923069, 0.006497637834399939, 0.012311692349612713, -0.035978060215711594, -0.028134845197200775, -0.0013302888255566359, 0.003461089450865984, -0.01931302435696125, 0.001176482648588717, 0.006479648873209953, -0.002212650841102004, 0.007382698357105255, 0.019615238532423973, -0.013556533493101597, 0.018708592280745506, -0.011671283282339573, -0.023731129243969917, 0.013909119181334972, 0.0033171772956848145, -0.029991311952471733, 0.03894265368580818, 0.017931466922163963, -0.023644782602787018, -0.0028350711800158024, 0.0423102006316185, -0.0019176306668668985, 0.0186078529804945, -0.015614478848874569, 0.008519604802131653, -0.002205455210059881, 0.014851744286715984, -0.02252226695418358, -0.025904204696416855, -0.010476811788976192, 0.008649125695228577, 0.0016828738152980804, 0.015556913800537586, -0.023846259340643883, 0.014326464384794235, -0.006368116941303015, 0.003961184527724981, 0.004284987226128578, 0.007612958084791899, -0.01389472745358944, -0.030941132456064224, 0.015542523004114628, 0.010635115206241608, -0.030941132456064224, -0.013398230075836182, -0.007040906697511673, -0.03073965571820736, 0.01653551682829857, -0.013455795124173164, -0.011448219418525696, -0.009131232276558876, -0.009965923614799976, -0.028163626790046692, 0.010555963031947613, -0.010850983671844006, -0.0052240146324038506, -0.00034156671608798206, -0.02744406647980213, -0.0186078529804945, -0.023572826758027077, -0.0008333418518304825, 0.03640979900956154, -0.016665037721395493, -0.018075378611683846, -0.01675138622522354, -0.014434398151934147, 0.00012952102406416088, 0.009404665790498257, 0.026393506675958633, -0.0300200954079628, -0.0027829031459987164, -0.01834881119430065, -0.02108314447104931, 0.031660694628953934, -0.024306777864694595, 0.009131232276558876, -6.262431270442903e-05, 0.00477069104090333, -0.005123275797814131, -0.0101817911490798, 0.012944906949996948, 0.006699115037918091, 0.014664658345282078, -0.011786413379013538, 0.03977734595537186, -0.006303356494754553, 0.013779597356915474, -0.004788680002093315, 0.001507480745203793, 0.006015532184392214, -0.00245550274848938, 0.024047736078500748, -0.008879385888576508, 0.019845498725771904, -0.005069308914244175, 0.006047912407666445, 0.0050729066133499146, 0.0029789835680276155, -0.008253367617726326, 0.01532665453851223, 0.009397469460964203, 0.009562969207763672, 0.008469236083328724, -0.020637016743421555, 0.02705550193786621, -0.041792117059230804, 0.009706880897283554, -0.011304306797683239, 0.004857038147747517, 0.019053980708122253, 0.012462800368666649, -0.004918200895190239, -0.0192266758531332, -0.023356957361102104, 0.008260563015937805, 0.022867655381560326, -0.013635685667395592, 0.008900972083210945, -0.022176876664161682, 0.017701206728816032, -0.0015164753422141075, -0.004018749576061964, 0.028523407876491547, 0.008044694550335407, 0.005069308914244175, -0.008116650395095348, 0.024407517164945602, 0.015672042965888977, 0.020953623577952385, -0.01803220435976982, -0.009850793518126011, -0.010620723478496075, 0.025731509551405907, 0.01675138622522354, 0.01891006901860237, 0.006497637834399939, 0.028696103021502495, -0.01277940720319748, -0.002099319826811552, -0.010764636099338531, 0.011548957787454128, 0.020881667733192444, 0.00989396683871746, -0.024076519533991814, -0.00806628167629242, 0.003232628805562854, 0.023975780233740807, 0.012757821008563042, -0.009965923614799976, 0.01906837336719036, -0.004705930594354868, 0.03286955878138542, 0.004231019876897335, 0.018132943660020828, 0.009836401790380478, -0.022464701905846596, 0.01683773286640644, 0.01621890999376774, 0.023817477747797966, 0.035805366933345795, 0.016305258497595787, -0.001863663550466299, 0.024249212816357613, -0.012765016406774521, -0.001081140711903572, -0.05013902857899666, 6.991830332481186e-07, 0.020478712394833565, 0.007555393036454916, -0.0078576086089015, 0.01105965580791235, -0.007174025755375624, 0.005360731389373541, -0.011908738873898983, 0.017111165449023247, 0.012959297746419907, 0.015355437062680721, -0.023745520040392876, 0.03298468887805939, 0.007735283114016056, -0.05134788900613785, -0.00874266866594553, 0.010728658176958561, 0.0333588607609272, 0.009915553964674473, 5.615950431092642e-05, -0.006958157289773226, 0.024364342913031578, -0.024695342406630516, -0.0031192980241030455, -0.005677338223904371, -0.003853250527754426, 0.0055765993893146515, -0.017658032476902008, 0.0012754222843796015, 0.0004456782480701804, 0.02681085094809532, 0.004022347275167704, 0.002709147986024618, -0.005774478893727064, 0.018550287932157516, -0.007253177464008331, -0.0020759340841323137, -0.01716873049736023, 0.053046055138111115, -0.01669382117688656, -0.0011521974811330438, -0.026364723220467567, 0.009807619266211987, -0.004040336236357689, 0.0005275283474475145, -0.0018150932155549526, 0.006846625357866287, 0.021198274567723274, 0.013801184482872486, -0.0041518681682646275, -0.018967634066939354, 0.008023107424378395, 0.04541870579123497, 0.0005940877599641681, -0.000953418668359518, -0.025112686678767204, -0.0007101169903762639, 0.019903063774108887, 0.02426360547542572, 0.027156241238117218, -0.006911385804414749, 0.00865632202476263, 0.004187846556305885, -0.0007159634260460734, -0.021370969712734222, 0.0031714660581201315, 0.014909308403730392, 0.006965352687984705, -0.032696861773729324, -0.03272564336657524, 0.020133323967456818, 0.006839429493993521, 0.04061203449964523, 0.01049120258539915, -0.00016639853129163384, -0.03131530433893204, -0.0028800438158214092, 0.01100928708910942, -0.017701206728816032, -0.01947132684290409, 0.017298251390457153, 0.006961754988878965, -0.0005401206435635686, -0.005447078496217728, 0.030797220766544342, 0.00754100177437067, 0.00870669074356556, -0.02345769666135311, -0.012067042291164398, 0.02355843409895897, 0.025371728464961052, 0.019586456939578056, -0.0009435246465727687, 0.020392365753650665, 0.009750055149197578, 0.02283887378871441, 0.007576979696750641, -0.01885250397026539, 0.017341425642371178, 0.009548577480018139, 0.008260563015937805, 0.010217770002782345, -2.9991088013048284e-05, 0.006961754988878965, 0.01340542547404766, 0.014607093296945095, -0.027674324810504913, -0.020406756550073624, 0.01077183149755001, -0.023759912699460983, -0.01595986820757389, -0.014513550326228142, -0.007310742046684027, 0.0010829396778717637, -0.014290486462414265, -0.0035456379409879446, -0.013067232444882393, -0.03865483030676842, -0.015110786072909832, 0.004191444255411625, 0.02658059261739254, 0.0029358097817748785, -0.012074237689375877, -0.022637397050857544, -0.04124525189399719, -0.016952862963080406, -0.015413002111017704, -0.0052887750789523125, 0.006655941251665354, 0.00834691058844328, -0.031085046008229256, -0.006073096767067909, 0.010037879459559917, 0.027818238362669945, 0.005450676195323467, 0.009138427674770355, -0.0384533517062664, 0.013635685667395592, -0.0319485180079937, -0.021903444081544876, -0.002779305214062333, -0.020061368122696877, 0.0030491407960653305, -0.009289535693824291, -0.021370969712734222, -0.004857038147747517, -0.007242383901029825, -0.028768058866262436, -0.00866351742297411, -0.007641740143299103, -0.003504263237118721, -0.0024573015980422497, 0.017816336825489998, -0.003925206605345011, 0.01237645372748375, 0.018665418028831482, 0.012232541106641293, -0.001425630645826459, 0.01891006901860237, 0.010505594313144684, -0.021687576547265053, 0.0018906471086665988, 0.019931847229599953, 0.004551224876195192, -0.0031966508831828833, 0.002741528209298849, -0.0028152833692729473, -0.01916911080479622, 0.03905778378248215, -0.018636636435985565, 0.0041518681682646275, 0.003070727689191699, 0.02411969192326069, 0.03330129384994507, 0.02459460310637951, -0.005281579680740833, 0.014470376074314117, 0.0020057768560945988, -0.0076993051916360855, 0.0011108226608484983, 0.01572960801422596, 0.025832248851656914, -0.013319078832864761, 0.028868796303868294, -0.018895678222179413, -0.01244840957224369, -0.028307538479566574, -0.01046242006123066, -0.008649125695228577, 0.014355246908962727, -0.000740698364097625, -0.011181981302797794, -0.03137287124991417, -0.016060607507824898, 0.0063933017663657665, -0.0016702815191820264, -0.04369175806641579, -0.023659173399209976, 0.0034502961207181215, -0.0174709465354681, 0.007562588434666395, -0.006231400184333324, -0.028077280148863792, -0.016636256128549576, -0.03488432988524437, 0.01629086583852768, 0.01277940720319748, 0.015297872014343739, -0.00596516253426671, 4.3145566451130435e-05, -0.007278361823409796, -0.02673889510333538, -0.020090149715542793, -0.004903809633105993, -0.0003973327111452818, 0.03214999660849571, 0.024292387068271637, 0.0044540842063724995, 0.025803465396165848, 0.0043461499735713005, -0.0024321170058101416, 0.01237645372748375, 0.005540621466934681, 0.01252756081521511, -0.0034880731254816055, -0.005573001690208912, -0.003918010741472244, 0.004051129799336195, 0.028307538479566574, -0.019097154960036278, 0.02114070951938629, 0.0030455428641289473, 0.031430434435606, 0.014196943491697311, 0.014254508540034294, -0.012354866601526737, 0.0036301864311099052, -0.0526718832552433, 0.013319078832864761, -0.004202237818390131, -0.014549528248608112, 0.01097330916672945, -0.02824997343122959, -0.02226322516798973, 0.004403714556246996, -0.007026515435427427, 0.004439692944288254, -0.004216629080474377, 0.03191973641514778, -0.0003512358234729618, -0.007886391133069992, 0.026235202327370644, 0.014909308403730392, -0.03638101741671562, 0.02401895448565483, -0.026695722714066505, -0.004331758711487055, 0.019615238532423973, -0.003601403906941414, 0.029732270166277885, 0.004713125992566347, -0.001837579533457756, -0.0101817911490798, 0.012743429280817509, -0.0011396050686016679, -0.019931847229599953, -0.011088438332080841, -0.00011231900862185284, -0.006760277785360813, -0.029084665700793266, -0.017111165449023247, 0.015441784635186195, -0.021255839616060257, -0.0023943400010466576, -0.007091275881975889, 0.00434974767267704, -0.025745900347828865, -0.014139378443360329, 0.024249212816357613, 0.009642120450735092, 0.0368703193962574, -0.023817477747797966, 0.014549528248608112, 0.029099056497216225, -0.02026284486055374, -0.03361790254712105, 0.02387504279613495, -0.007267568726092577, 0.0005590091459453106, 0.035172153264284134, 0.0317758247256279, -0.04766373708844185, -0.03120017610490322, 0.004601594060659409, -0.00490740779787302, 0.005483056418597698, -0.04245411232113838, 0.017269469797611237, 0.035575106739997864, 0.010253747925162315, -0.02731454372406006, -0.005443480797111988, -0.03056696057319641, 0.037158142775297165, 0.009994705207645893, 0.005461469758301973, 0.006335736718028784, -0.010268138721585274, 0.0011800804641097784, 0.021342186257243156, -0.006594778969883919, 0.05393831059336662, -0.0029466033447533846, -0.012534757144749165, 0.004216629080474377, -0.004079912323504686, -0.016262084245681763, 0.012059845961630344, -0.01780194416642189, 0.048901382833719254, -0.00310310791246593, -0.013988270424306393, 0.021903444081544876, 0.0145279411226511, 0.006051510106772184, 0.005101689137518406, 0.009246362373232841, 0.03393450751900673, -0.03574780374765396, -0.017744380980730057, -0.011268328875303268, 0.009757250547409058, 0.014679049141705036, 0.004090705420821905, -0.012815386056900024, -0.01265708263963461, -0.023328175768256187, -0.01217497605830431, 0.024206040427088737, -0.001119817141443491, 0.025040730834007263, 0.017917074263095856, -0.006055107805877924, -0.01449196320027113, -0.038827523589134216, -0.008274953812360764, 0.0040115537121891975, -0.051606930792331696, -0.01093733124434948, -0.00017752924759406596, -0.003466486232355237, 0.016909688711166382, -0.00044297988642938435, -0.0209824051707983, 0.02227761596441269, 0.01572960801422596, -0.027271371334791183, 0.009922749362885952, 0.03937439247965813, 0.009181600995361805, -0.04783643037080765, -0.0031516782473772764, -0.01652112603187561, -0.014060226269066334, 0.02745845727622509, -0.02106875367462635, -0.030998697504401207, -0.0101817911490798, -0.00606590136885643, 0.024321170523762703, 0.016665037721395493, 0.0030311516020447016, -0.0015785375144332647, -0.012844167649745941, 0.011153198778629303, -0.002887239446863532, -0.019600847736001015, 0.02411969192326069, -0.007987129501998425, 0.009908358566462994, 0.021183883771300316, -0.017744380980730057, 0.02050749585032463, -0.027731889858841896, 0.010829396545886993, -0.013678858987987041, -0.04579287767410278, -0.00982201099395752, -0.00026623765006661415, 0.0046303765848279, -0.001933820778504014, -0.0072171990759670734, -0.020694581791758537, -0.0015281682135537267, -0.019111545756459236, 0.022320790216326714, -0.00018922211893368512, -0.022248834371566772, 0.016477951779961586, 0.004918200895190239, -0.02052188664674759, -0.0008513308712281287, -0.021284621208906174, -0.0001597650843905285, 0.024004563689231873, 0.009145623072981834, -0.03807917982339859, -0.011563349515199661, 0.0254580769687891, 0.041619423776865005, 0.02538612112402916, -0.019917454570531845, -0.025429293513298035, -0.014909308403730392, -0.05154936760663986, -0.017658032476902008, -0.014837352558970451, -0.00477069104090333, -0.006019129883497953, 0.008685104548931122, -0.010757440701127052, 0.019658412784337997, -0.004407312721014023, -0.005641360301524401, 0.0084260618314147, -0.013024058192968369, -0.019989410415291786, 0.018809331580996513, 0.005961564835160971, 0.01692407950758934, -0.04199359565973282, 0.004328161012381315, -0.0017188518540933728, 0.008217389695346355, -0.010555963031947613, 0.004367736633867025, -0.003979173488914967, 0.002111912239342928, -0.011232350952923298, 0.007987129501998425, -0.004713125992566347, -0.004407312721014023, -0.01875176653265953, -0.03379059582948685, -0.0033243729267269373, 0.008757060393691063, 0.0019176306668668985, -0.012635495513677597, 0.004446888342499733, -0.010922939516603947, -0.009447839111089706, -0.004356943070888519, -0.01804659515619278, -0.017139948904514313, 0.018982024863362312, -0.020881667733192444, 0.011491392739117146, 0.012916124425828457, 0.00662715919315815, 0.046656351536512375, -0.015672042965888977, 0.013153579086065292, 0.0030473419465124607, -0.0008198500727303326, -0.038597263395786285, -0.006468855310231447, 0.009124036878347397, -0.008677908219397068, 0.0062853675335645676, -0.0038496525958180428, 0.009354296140372753, -0.007019320037215948, 0.006083890330046415, 0.010987699963152409, -0.019039589911699295, -0.016420386731624603, 0.013628490269184113, 0.0026929578743875027, -0.022623006254434586, -0.00434974767267704, -0.014894917607307434, -0.0026947567239403725, 0.0009444241295568645, 0.008721082471311092, 0.009267948567867279, -0.019039589911699295, 0.006796255707740784, 0.0019140328513458371, -0.002721740398555994, -0.007987129501998425, 0.008174215443432331, 0.006929374765604734, -0.0023493673652410507, 0.016420386731624603, 0.18789182603359222, -0.010469616390764713, 0.02571711875498295, 0.008829016238451004, 0.00670271273702383, -0.006184628698974848, 0.041158903390169144, -0.0016513930168002844, 0.024162866175174713, -0.0039395978674292564, 0.0016684826696291566, 0.026882808655500412, -0.02034919150173664, -0.0016801755409687757, 0.03623710572719574, -0.029329316690564156, -0.04662756994366646, -0.04141794517636299, -0.02944444678723812, 0.0005653052940033376, -0.005098091438412666, -0.008404475636780262, -0.016952862963080406, -0.023356957361102104, 0.026940371841192245, -0.021745139732956886, -0.0424828939139843, -0.003130091354250908, 0.01588791236281395, 0.009116840548813343, -0.022738134488463402, -0.01692407950758934, 0.02689719945192337, 0.0028764461167156696, -0.0006125264917500317, -0.017125558108091354, 0.023443305864930153, 0.02099679782986641, 0.0031462814658880234, 0.019212285056710243, -0.014017052948474884, -0.028681710362434387, 0.010534376837313175, 0.007749674376100302, 0.01280818972736597, 0.023126699030399323, -0.010397659614682198, 0.02491120994091034, -0.00039710785495117307, -0.010555963031947613, -0.01931302435696125, -0.007512219250202179, 0.03482676297426224, 0.027904585003852844, -0.02944444678723812, -0.002613806165754795, 0.006324943155050278, 0.027026720345020294, 0.0012547349324449897, 0.016880907118320465, -0.0288831889629364, 0.008634734898805618, 0.014434398151934147, 0.007357513532042503, 0.002583224792033434, 0.01365007646381855, -0.01780194416642189, 0.006717103999108076, 0.003459290601313114, 0.008569974452257156, 0.019341805949807167, -0.004702332895249128, -0.010930134914815426, 0.0038640438579022884, -0.050484415143728256, -0.02419164963066578, 0.041158903390169144, 0.013858749531209469, 0.0021910639479756355, 0.03566145524382591, -0.0016630858881399035, 0.016866516321897507, -0.006850223056972027, 0.007598566822707653, -0.019125938415527344, -0.048584774136543274, -0.005335546564310789, -0.008569974452257156, -0.004954179283231497, -0.015341045334935188, -0.011491392739117146, 0.015341045334935188, -0.01653551682829857, -0.008598756976425648, 0.0282643660902977, 0.012390844523906708, 0.02340013161301613, 0.008958537131547928, -0.008598756976425648, -0.002284606918692589, -0.021500490605831146, 0.04029542952775955, 0.014405615627765656, -0.014822961762547493, -0.009095254354178905, -0.0011117220856249332, -0.0005243802443146706, 0.009030493907630444, 0.01444878987967968, 0.012750625610351562, 0.006735092960298061, -0.03948952257633209, -0.0083397151902318, -0.013973879627883434, 0.009375883266329765, 0.030595744028687477, 0.01213180273771286, -0.017600467428565025, -0.0034143179655075073, -0.023054741322994232, 0.0004776087589561939, -0.01764364168047905, 0.011548957787454128, 0.025242207571864128, -0.0017602266743779182, 0.027256980538368225, -0.029185403138399124, -0.0006260182708501816, -0.01636282168328762, -0.022781308740377426, 0.01901080831885338, -0.016377214342355728, -0.0022936013992875814, -0.008015912026166916, 0.006875407416373491, -0.016060607507824898, -0.021773923188447952, -0.011088438332080841, -0.016780167818069458, -0.004220226779580116, 0.011081242933869362, -0.016391605138778687, 0.01332627423107624, 0.02322743646800518, -0.01357092522084713, -0.00333336740732193, 0.006914983503520489, 0.012182171456515789, -0.0022918025497347116, -0.031228957697749138, 0.00037372211227193475, -0.022205660119652748, 0.0021029177587479353, -0.0006961754988878965, 0.02091044932603836, -0.009994705207645893, -0.0063177477568387985, -0.041792117059230804, 0.010368877090513706, 0.0073683070950210094, -0.02912783809006214, 0.005814054980874062, 0.04515966400504112, -0.012340474873781204, -0.0034107202664017677, -0.012434017844498158, -0.1859346181154251, 0.01273623388260603, 0.03574780374765396, -0.02881123125553131, 0.010555963031947613, 0.01797463931143284, 0.015830347314476967, 0.0010820402530953288, -0.003090515499934554, -0.0029753856360912323, 0.012513170018792152, 0.008354105986654758, 0.006976146250963211, -0.010311312973499298, 0.014420007355511189, 0.01252756081521511, 0.020090149715542793, -0.005702522583305836, 0.02164440229535103, 0.013031253591179848, 0.001304204692132771, -0.032207559794187546, 0.015614478848874569, 0.01885250397026539, -0.014074617996811867, 0.01476539671421051, -0.019917454570531845, 0.010347290895879269, -0.011174785904586315, -0.01859346218407154, 0.008483626879751682, -0.005594588816165924, 0.010678288526833057, -0.007325133308768272, -0.0025994149036705494, 0.019456936046481133, -0.011181981302797794, -0.0007492431323044002, 0.0003465136978775263, 0.03928804397583008, 0.026710113510489464, 0.018967634066939354, 0.006688321940600872, 0.008929754607379436, -0.005033330991864204, -0.0008126544998958707, 0.013642881065607071, -0.010325703769922256, -0.010066661983728409, -0.01340542547404766, -0.014923700131475925, -0.008829016238451004, 0.039144132286310196, 0.010707071051001549, 0.008634734898805618, 0.026638157665729523, 0.02164440229535103, 0.01164969615638256, 0.014089008793234825, -0.015542523004114628, -0.017269469797611237, -0.01653551682829857, 0.007584175560623407, -0.006173835601657629, 0.0036355832125991583, -0.02976105362176895, -0.025285381823778152, -0.005979553796350956, -0.02529977262020111, -0.005385915748775005, -0.020651407539844513, -0.019356196746230125, 0.010109835304319859, 0.004723919555544853, 0.0033495575189590454, 0.018219290301203728, -0.004749104380607605, -0.001277221250347793, -0.0030509396456182003, 0.01073585357517004, -0.018722983077168465, 0.044181060045957565, 0.0012169579276815057, -0.011692870408296585, 0.006997732911258936, -0.010836591944098473, -0.01332627423107624, -0.019197894260287285, 0.0011405046097934246, 0.0051484606228768826, 0.011512979865074158, -0.013096014969050884, 0.003671561134979129, -0.013750814832746983, 0.0301064420491457, -0.004644767846912146, 0.0020435538608580828, -0.009188797324895859, 0.005997542757540941, -0.005360731389373541, -0.007764065638184547, 0.0019428153755143285, -0.03727327287197113, -0.0047850823029875755, 0.047059305012226105, 0.011599327437579632, -0.007713696453720331, -0.00818141084164381, 0.018809331580996513, -0.01636282168328762, -0.011146003380417824, 0.00953418668359518, 0.022148095071315765, -0.006781864445656538, -0.007915173657238483, 0.041561856865882874, 0.00838288851082325, -0.0300200954079628, 0.020003803074359894, -0.013182361610233784, 0.048642341047525406, 0.010066661983728409, -0.02961714006960392, -0.011282720603048801, -0.002290003700181842, -0.0092607531696558, -0.11029434949159622, -0.0010442632483318448, 0.01420413888990879, 0.022335181012749672, -0.038683611899614334, 0.0037669031880795956, -0.007677718531340361, 0.006159444339573383, -0.024220431223511696, 0.04334636777639389, -0.006094683893024921, -0.01804659515619278, -0.00869949534535408, 0.00610907468944788, 0.009066471830010414, -0.016262084245681763, 0.019039589911699295, -0.024565821513533592, -0.002487882971763611, 0.027717499062418938, 0.009951531887054443, -0.010527180507779121, -0.015240306966006756, 0.0011396050686016679, 0.016420386731624603, 0.004036738537251949, -0.027084285393357277, 0.02673889510333538, 0.01692407950758934, 0.019543282687664032, 0.008260563015937805, -0.033330075442790985, 0.012117411009967327, -0.02714185044169426, -0.014499158598482609, -0.008303736336529255, -0.027904585003852844, -8.47451974550495e-06, 0.031171392649412155, -0.02944444678723812, 0.00375251192599535, 0.011045265011489391, 0.017542902380228043, -0.013815576210618019, -0.013592511415481567, -0.0019500110065564513, -0.03235147148370743, 0.032524168491363525, -0.024062128737568855, -0.01669382117688656, -0.006152248475700617, -0.03298468887805939, -0.0026066105347126722, 0.008713886141777039, 0.02011893130838871, -0.007843217812478542, -3.7046160286990926e-05, 0.016334040090441704, -0.018017813563346863, 0.004824657924473286, -0.028609754517674446, -0.0011935721850022674, -0.03384815901517868, 0.03145921602845192, 0.013937900774180889, 0.002608409384265542, -0.035575106739997864, -0.02403334528207779, 0.004292182624340057, -0.004644767846912146, -0.021299012005329132, 0.02163001149892807, -0.015110786072909832, 0.008836211636662483, -0.03672640398144722, -0.009404665790498257, -0.029502009972929955, -0.01739899069070816, 0.022738134488463402, -0.011944716796278954, -0.011520175263285637, -0.022536657750606537, -0.006396899465471506, -0.01046242006123066, 0.013707641512155533, -0.006688321940600872, -0.015398610383272171, 0.010296921245753765, 0.016880907118320465, -0.032754428684711456, 0.016334040090441704, 0.003867641557008028, -0.01105965580791235, -0.012441214174032211, -0.0007087677950039506, 0.032121215015649796, -0.0028638537041842937, -0.02371673844754696, 0.013592511415481567, -0.0052563948556780815, -0.038510918617248535, 0.010944526642560959, -0.07195612043142319, 0.018694201484322548, -0.0018672613659873605, -0.002307992661371827, -0.003784892149269581, -0.016319649294018745, 0.015945477411150932, -0.001856468035839498, -0.016665037721395493, -0.002379948738962412, -0.029314924031496048, 0.004004358313977718, -0.019284240901470184, -0.001976994564756751, 0.005461469758301973, -0.008598756976425648, 0.015844738110899925, -0.004731114953756332, 0.02091044932603836, 0.024796079844236374, 0.006184628698974848, -0.002200058428570628, 0.019428152590990067, 0.024781689047813416, -0.006583985406905413, -0.0033603510819375515, -0.0038892284501343966, 0.00990116223692894, -0.0016891700215637684, 0.01908276416361332, 0.022004183381795883, -0.04622461274266243, -0.002658778801560402, 0.004382127895951271, -0.006771071348339319, -0.017255079001188278, -0.005993945058435202, 0.014189747162163258, 0.01867980882525444, 0.03286955878138542, -0.04651243984699249, -0.026451071724295616, -0.0013338866410776973, -0.009908358566462994, -0.005054917652159929, 0.020737754181027412, 0.018060987815260887, 0.005335546564310789, -0.009462229907512665, -0.020493103191256523, 0.045130882412195206, 0.0034880731254816055, 0.005209623370319605, -0.061652008444070816, -0.01627647504210472, 0.0025778282433748245, 0.0014921901747584343, -0.009512599557638168, -0.004317367449402809, -0.02443629875779152, 0.03813674673438072, 0.010620723478496075, 0.04461279511451721, 0.02204735577106476, 0.0023259816225618124, -0.006810646969825029, -0.004112292546778917, 0.0029717879369854927, -0.01565765216946602, -0.026393506675958633, -0.0009318317752331495, -0.00032155393273569643, 0.0007757769781164825, 0.021687576547265053, 0.023702347651124, 0.004101498983800411, -0.004266998264938593, 0.015844738110899925, -0.021414142102003098, 0.008202997967600822, 0.03321494534611702, -0.0031570750288665295, -0.015542523004114628, 0.02291082963347435, 0.022608613595366478, -0.0008009616285562515, -0.007019320037215948, 0.021198274567723274, 0.0031372869852930307, 0.012088628485798836, -0.007936760783195496, 0.00957736000418663, 0.01038326881825924, 0.0012736234348267317, -0.011361871846020222, 0.0370430126786232, -0.02442190796136856, 0.018881287425756454, 0.0370430126786232, 0.03286955878138542, -0.010843788273632526, -0.007562588434666395, -0.012110215611755848, -0.02817801758646965, -0.03312860056757927, 0.0015659451019018888, -0.023054741322994232, -0.005245601292699575, -0.00033864349825307727, -0.003160672727972269, 0.013275904580950737, 0.0024950786028057337, -0.009908358566462994, 0.015715217217803, -0.025745900347828865, -0.011174785904586315, 0.002996972529217601, -0.022464701905846596, -0.03853970021009445, 0.026551809161901474, -0.0030815210193395615, 0.017125558108091354, 0.017283860594034195, 0.011678478680551052, 0.029876181855797768, 0.025170251727104187, 0.027429673820734024, -0.014952482655644417, 0.026004943996667862, -0.03344520553946495, 0.005123275797814131, -0.00841886643320322, -0.00666313711553812, 0.002944804262369871, -0.011937521398067474, -0.009562969207763672, 0.0023763510398566723, -0.0015686434926465154, -0.006900592241436243, 0.08888020366430283, 0.02872488461434841, -0.002856658073142171, 0.0019302230793982744, -0.03876996040344238, 2.1432244466268457e-05, 0.038424570113420486, -0.006101879291236401, -0.012124606408178806, -0.04294341430068016, -0.013398230075836182, 0.0048498427495360374, 0.015312262810766697, -0.024810470640659332, 0.0012817184906452894, -0.016233300790190697, -0.027962150052189827, 0.024796079844236374, 0.004410910420119762, 0.00536792678758502, 0.014499158598482609, 0.0008252467960119247, 0.030595744028687477, 0.016003042459487915, -0.01587352156639099, -0.015413002111017704, 0.013189557939767838, -0.022176876664161682, 0.02299717627465725, -0.032063648104667664, -0.0053319488652050495, 0.022248834371566772, -0.038194309920072556, -0.009951531887054443, -0.011153198778629303, -0.015254698693752289, -0.014751004986464977, 0.007296350784599781, 0.028451452031731606, 0.008274953812360764, 0.024623384699225426, 0.004281389527022839, 0.013592511415481567, -0.0016271078493446112, -0.01102367788553238, -0.010347290895879269, -0.030077660456299782, -0.01332627423107624, -0.025889813899993896], metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f8322ab2-464d-41fc-925e-3a4c7cea9500', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d232911f8873acf038cf99a4b08b6ce7397002ea53087d8d527a294338919e6f'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='5637c528-af81-4f94-a32c-65d197cd11fa', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='add6d4be54548cdeaccd267a3d3515a6866595bd7e009ff745e62d08a5254c22'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='07c7720d-a275-4c64-be9c-c36acb2f979b', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='53ca6ad88b4c6df8598233252e4cb82ee64803f95b6dcc7d15bb325cbd95d7b9')}, hash='0f09aa1cbd7bb82794774385073e9b8a99be94e011091c127b590cffde926465', text='Fig. 7. Effect of the method of neighbor selections (baseline corresponds to alg. 3, heuristic to alg. 4) on clustered (100 ra ndom isolated clusters) and non-clustered d=10 random vector data. ', start_char_idx=4739, end_char_idx=4933, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
441
       " TextNode(id_='07c7720d-a275-4c64-be9c-c36acb2f979b', embedding=[-0.01718900352716446, 0.029850030317902565, 0.008089791052043438, -0.00866660289466381, 0.003677177708595991, 0.020318208262324333, 0.006218756083399057, -2.729155312408693e-05, -0.04308786988258362, -0.047154396772384644, 0.0005605893093161285, 0.004034080076962709, -0.0049497694708406925, 0.013908383436501026, -0.017275525256991386, 0.008140262216329575, 0.014629398472607136, 0.007844645529985428, 0.008702653460204601, -0.00465775839984417, -0.03282061219215393, 0.015516247600317001, -0.009077581577003002, -0.031666986644268036, 0.0025487886741757393, 0.03890598192811012, 0.014629398472607136, -0.016943857073783875, -0.005768121685832739, -0.00666218064725399, 0.016179582104086876, -0.018717555329203606, 0.003576235380023718, 0.0033851664047688246, -0.008890117518603802, 0.002530763391405344, 0.019597193226218224, -0.02881176769733429, 0.04167468100786209, -0.0005475209327414632, 1.1639044714684132e-05, -0.00464694295078516, -0.00036140886368229985, -0.0009841857245191932, -0.013144107535481453, 0.014312151819467545, 0.028004230931401253, -0.026865027844905853, -0.008969428949058056, 0.028941551223397255, 0.01821284368634224, 0.022005384787917137, -0.016987118870019913, 0.009322727099061012, -0.0014852914027869701, 0.011903961189091206, 0.007837435230612755, 0.019179005175828934, 0.0011112646898254752, -0.02199096418917179, 0.005454480182379484, -0.011810229159891605, -0.02832147851586342, 0.023288791999220848, -0.016035377979278564, -0.033109020441770554, -0.0213853120803833, -0.0036086812615394592, 0.008825226686894894, -0.011082003824412823, 0.01150740310549736, 0.03305133804678917, -0.038213808089494705, -0.002732647582888603, 0.05041338503360748, -0.02040472999215126, -0.015357623808085918, 0.017765814438462257, -0.00285341776907444, 0.0073831956833601, 0.008414248004555702, -0.037492793053388596, -0.004326091147959232, 0.024168429896235466, -0.001955753890797496, 0.00781580526381731, 0.017160162329673767, 0.019034801051020622, -0.032157279551029205, 0.010346568189561367, 0.039165545254945755, 0.03567583113908768, 0.022308209910988808, -0.02752836048603058, -0.006197125650942326, 0.009048741310834885, -0.020505672320723534, 0.0034752932842820883, 0.016496827825903893, -0.012992694042623043, -0.01120457611978054, 0.006269227247685194, -0.007433666847646236, -0.010613343678414822, -0.003134613623842597, 0.005393194034695625, -0.010094213299453259, -0.010267256759107113, -0.00708757946267724, 0.021183427423238754, -0.02014516480267048, 0.003064314601942897, -0.010252836160361767, -0.001880047144368291, -0.015170159749686718, -0.01423284038901329, 0.03244568407535553, -0.01319457869976759, -0.00043914333218708634, -0.02161603607237339, 0.017289943993091583, 0.007390405982732773, 0.02165929786860943, -0.023678138852119446, 0.016251683235168457, 0.024860603734850883, 0.0024983177427202463, -0.024067487567663193, 0.008544030599296093, -0.027946550399065018, 0.03475293517112732, 0.030369160696864128, 0.015992118045687675, 0.005876273848116398, -0.03284945338964462, 0.028826188296079636, 0.0008079877006821334, -0.021284369751811028, -0.03316669911146164, -0.017953278496861458, 0.005569842644035816, 0.03910786658525467, -0.009185734204947948, -0.00465775839984417, -0.012502403929829597, 0.030196117237210274, -0.005883484147489071, 0.020505672320723534, 0.005202124826610088, -0.04150163754820824, 0.005306671839207411, -0.0059664007276296616, -0.014463565312325954, 0.03002307377755642, 0.014614978805184364, 0.0007584178820252419, -0.021226687356829643, 0.00790953729301691, -0.012884542346000671, -0.04675062745809555, -0.008334935642778873, 0.026172852143645287, 0.005778937134891748, -0.00910642184317112, 0.018573351204395294, 0.023072486743330956, -0.0011590319918468595, 0.00019625133427325636, -0.0210103839635849, -0.0168429147452116, -0.0077797542326152325, 0.02702365070581436, -0.02562488056719303, 0.00013259920524433255, 0.02226494997739792, -0.009142473340034485, 0.040261488407850266, 0.008940588682889938, -0.02948952279984951, -0.015025957487523556, -0.019654875621199608, 0.0147663913667202, 0.008587291464209557, 0.008089791052043438, -0.008356566540896893, 0.005652759224176407, 0.01896269991993904, -0.0021594406571239233, 0.005328302271664143, -0.021226687356829643, 0.004780330695211887, 0.012581715360283852, 0.007851855829358101, 0.002126994775608182, -0.614189624786377, -0.022697558626532555, 0.0022693953942507505, -0.022423572838306427, -0.0005353537853807211, 0.01341809332370758, 0.0011914776405319571, 0.028422418981790543, 0.0037925399374216795, 0.021630456671118736, -0.03440684452652931, 0.015472986735403538, 0.00030733272433280945, -0.013374832458794117, -0.018876178190112114, -0.018443569540977478, 0.001086930395103991, -0.022308209910988808, 0.00838540680706501, 0.027845608070492744, -0.018227264285087585, 0.02268313802778721, 0.010346568189561367, -0.009776966646313667, 0.0026983993593603373, -0.0013320755679160357, 0.020548934116959572, -0.03755047172307968, 0.009438089095056057, 0.015472986735403538, -0.02597096748650074, 0.014211209490895271, 0.010642184875905514, 0.02373582124710083, 0.053701214492321014, -0.032388001680374146, -0.014982696622610092, 0.010908960364758968, 0.031176697462797165, 0.029619304463267326, -0.038329169154167175, -0.008053739555180073, 0.015040377154946327, 0.0071416557766497135, -0.017289943993091583, 0.0031616517808288336, 0.020260527729988098, 0.010433089919388294, -0.008781964890658855, -0.03192655369639397, -0.005486925598233938, 0.0031256009824573994, -0.02646125853061676, 0.0018566141370683908, -0.0009215475874952972, -0.01930878683924675, 0.036252643913030624, -0.017895597964525223, 0.01597769744694233, 0.004574841354042292, 0.020073063671588898, -0.003646534401923418, -0.009380407631397247, -0.023332051932811737, -0.012769179418683052, 0.015285522677004337, -0.007112815044820309, 0.024283792823553085, -0.010555663146078587, -0.014997116290032864, 0.02168813720345497, 0.020851759240031242, -0.0036267065443098545, -0.006175495218485594, 0.011658815667033195, 0.038069602102041245, 0.013129686936736107, 0.011976062320172787, -0.027312057092785835, -0.011550663970410824, 0.007512978743761778, 0.01260334625840187, -0.007354355417191982, -0.0029129015747457743, 0.021298790350556374, -0.0009170412085950375, -0.04698135331273079, 0.011464142240583897, -0.011089214123785496, 0.005735676269978285, 0.005515766330063343, -0.006366564426571131, -0.02475966326892376, -0.034810613840818405, 0.003493318799883127, 0.018847336992621422, 0.01341809332370758, 0.008962219581007957, -0.0002660996688064188, -0.047644685953855515, -0.0223370511084795, -0.013930014334619045, 0.017953278496861458, -0.023447414860129356, 0.012718708254396915, 0.007750913500785828, -0.0025830368977040052, 0.013180158101022243, 0.017650453373789787, -0.02725437469780445, 0.02967698685824871, -0.014737551100552082, -0.025509517639875412, 0.010454720817506313, 0.0002807452983688563, -0.030196117237210274, 0.04949048534035683, 0.018457990139722824, -0.01235820073634386, 0.005634733941406012, 0.033224381506443024, 0.005551817361265421, 0.016554510220885277, -0.009798596613109112, -0.0010211378103122115, 0.007931167259812355, 0.001903480151668191, -0.014312151819467545, -0.01816958375275135, 0.004225149285048246, 0.005977216176688671, -0.004661363549530506, 0.01245193276554346, -0.018111901357769966, 0.013699289411306381, -0.008796385489404202, 0.017765814438462257, -0.005598683375865221, 0.008334935642778873, -0.003745674155652523, -0.0355893112719059, 0.015689291059970856, 0.010714286006987095, -0.03654105216264725, -0.010916170664131641, 0.002089141635224223, -0.011255047284066677, 0.009286675602197647, -0.011608345434069633, -0.026677563786506653, -0.011500192806124687, -0.024211691692471504, -0.02471640147268772, 0.0225245151668787, -0.011824649758636951, 0.0008246611687354743, -0.00609618378803134, -0.021327629685401917, -0.021890021860599518, -0.02294270507991314, 0.00012786754814442247, 0.033109020441770554, -0.017852336168289185, -0.025163430720567703, 0.004737069830298424, -0.014982696622610092, 0.005526581779122353, 0.01714574173092842, 0.019092483446002007, -0.02979234792292118, -0.002433426445350051, -0.025682561099529266, -0.019813498482108116, 0.018558932468295097, -0.0009823832660913467, -0.0009355172514915466, 0.002029657829552889, 0.0019124929094687104, 0.0012464550090953708, -0.013872332870960236, 0.006716256961226463, 0.0166554506868124, -0.0010013098362833261, -0.011291097849607468, 0.0299077108502388, -0.0003548746753949672, 0.008219573646783829, -0.005137233529239893, -0.0025920497719198465, 0.003147231414914131, 0.0009337146766483784, 0.015891175717115402, -0.018010960891842842, 0.00642785057425499, -0.01026004645973444, 0.0033923767041414976, -0.00790953729301691, -0.015126898884773254, -0.020274948328733444, 0.026028649881482124, -0.0008963120635598898, 0.001276196911931038, 0.004120601806789637, -0.011218996718525887, 0.009423668496310711, -0.036858297884464264, 0.01270428765565157, -0.003352720756083727, -0.0027903288137167692, 0.00932993646711111, 0.027470679953694344, -0.008947798982262611, -0.016150740906596184, -0.023332051932811737, 0.01154345367103815, 0.020995963364839554, -0.013735339976847172, 0.0024640695191919804, -0.02426937222480774, 0.013829072006046772, -0.004203518852591515, -0.0011166722979396582, 0.02248125523328781, 0.011327149346470833, -0.00287685077637434, -0.00705152889713645, 0.024889444932341576, 0.011002692393958569, 0.010303307324647903, -0.006990242749452591, -0.013432513922452927, -0.010151893831789494, 0.023115748539566994, 0.006600894499570131, 0.0325610488653183, 0.00617910036817193, 0.03501249849796295, -0.009070371277630329, 0.013122476637363434, 0.0058185928501188755, 0.015804653987288475, 0.003642929485067725, -0.0020152374636381865, -0.024024227634072304, 0.0015465776668861508, -0.0026154827792197466, 0.030830610543489456, 0.013504615053534508, -0.0015853322111070156, 0.023764662444591522, 0.006672995630651712, 0.0225245151668787, 0.010079792700707912, 0.02725437469780445, 0.014795232564210892, -0.015285522677004337, 0.010490771383047104, 0.007520188577473164, 0.021327629685401917, 0.035300906747579575, 0.01923668570816517, -0.009452509693801403, 0.02884060889482498, -0.021111326292157173, 0.0007687824545428157, -0.05742165073752403, 0.007974428124725819, 0.02661988139152527, 0.0010373606346547604, -0.014052586629986763, -0.004171072971075773, -0.0017277327133342624, 0.0058510382659733295, -0.027456259354948997, 0.0006322402041405439, -0.005562632344663143, 0.018991541117429733, -0.019856758415699005, 0.014225630089640617, 0.004975005052983761, -0.04190540313720703, -0.01984233967959881, 0.016338204964995384, 0.018674293532967567, 0.0009796794038265944, -0.014521246775984764, -0.0007886103703640401, 0.016626611351966858, -0.03717554360628128, -0.011045953258872032, -0.0038105654530227184, 9.435159881832078e-05, -0.006698231212794781, -0.024427995085716248, -0.0009634565794840455, -0.003918717615306377, 0.028782928362488747, 0.009142473340034485, -0.0023432995658367872, 0.0013933619484305382, 0.007844645529985428, -0.013064796105027199, -0.0082339933142066, -0.010433089919388294, 0.046318016946315765, -0.011327149346470833, -0.011442511342465878, -0.03224379941821098, 0.00015186383097898215, 0.00020143362053204328, 0.0046433378010988235, 0.000620974344201386, -0.007112815044820309, 0.02468756027519703, 0.009964430704712868, 0.006323303561657667, -0.01642472669482231, 0.0008007775177247822, 0.03489713743329048, -0.006453086156398058, -0.003594260895624757, -0.030657567083835602, -0.0034590705763548613, 0.024817343801259995, 0.030801769345998764, 0.039050184190273285, -0.00239377049729228, 0.00027173259877599776, -0.011932801455259323, -0.011882331222295761, -0.03267640992999077, 0.007260623387992382, 0.017895597964525223, 0.008262834511697292, -0.026850607246160507, -0.021370891481637955, 0.022207269445061684, 0.015040377154946327, 0.03380119428038597, -0.004253989551216364, 0.005425639450550079, -0.02790328860282898, -0.006874880287796259, 0.02075081877410412, -0.008334935642778873, -0.014413094148039818, 0.006471111439168453, 0.0076716020703315735, -0.009870698675513268, -0.009120842441916466, 0.024240531027317047, -0.007974428124725819, 0.0022171218879520893, -0.02725437469780445, -0.0082339933142066, 0.025033649057149887, 0.02571140229701996, 0.019827919080853462, -0.01059892401099205, 0.022308209910988808, 0.02487502433359623, 0.01691501773893833, 0.0011887738946825266, -0.018602192401885986, 0.020433571189641953, 0.004336906597018242, 0.004167467821389437, 0.014607768505811691, -0.003049894468858838, -0.001932320767082274, 0.0017917228396981955, 0.020231686532497406, -0.02589886635541916, -0.001172550953924656, 0.017592770978808403, -0.015559508465230465, -0.016150740906596184, -0.0164679866284132, -0.008471928536891937, -5.773754674009979e-05, -0.0009697654750198126, -0.011053163558244705, 0.0025920497719198465, -0.03656989336013794, 0.0009995073778554797, -0.013454143889248371, 0.01700153946876526, -0.001241948688402772, -0.006168285384774208, -0.013735339976847172, -0.03682945668697357, -0.019135743379592896, -0.021212266758084297, 0.013735339976847172, 0.001822365913540125, -0.01010863296687603, -0.034579887986183167, -0.013317150995135307, 0.005234570242464542, 0.02263987809419632, 0.011557874269783497, 0.0022171218879520893, -0.036973658949136734, 0.011918381787836552, -0.024370314553380013, -0.015343204140663147, -0.003633916610851884, -0.012761969119310379, -0.003796145087108016, -0.0076716020703315735, -0.002467674668878317, -0.009120842441916466, -0.004434243775904179, -0.021212266758084297, 0.01260334625840187, -0.010310517624020576, 0.004286435432732105, -0.0041638626717031, 0.01741972751915455, -0.01022399589419365, 0.01413910835981369, 0.030196117237210274, 9.964655328076333e-05, -0.0066044991835951805, 0.0215727761387825, 0.012459143064916134, -0.03342626616358757, -0.00412781210616231, 0.021644877269864082, 0.004066525958478451, 0.007347145117819309, -0.005724860820919275, 0.0006146654486656189, -0.0038610363844782114, 0.036137282848358154, -0.023216690868139267, 0.012834071181714535, 0.0025163430254906416, 0.02559603936970234, 0.04577004536986351, 0.024067487567663193, 0.016194000840187073, 0.010195154696702957, -0.012444722466170788, -0.009488560259342194, 0.003066117176786065, 0.010144684463739395, 0.0028840608429163694, -0.007837435230612755, 0.02434147335588932, -0.01129830814898014, -0.008897327817976475, -0.012343780137598515, -0.005724860820919275, -0.029965393245220184, 0.023259950801730156, 0.004062920808792114, -0.00518770469352603, -0.019654875621199608, -0.016626611351966858, -0.006550423335283995, 0.0007620229735039175, -0.0363391675055027, -0.009841857478022575, 0.004398192744702101, -0.01737646758556366, 0.008111421018838882, 0.00307152490131557, -0.016381464898586273, -0.016554510220885277, -0.016496827825903893, 0.022495673969388008, 0.01658334955573082, 0.012300519272685051, -0.005631128791719675, 0.011997693218290806, -0.011053163558244705, -0.03345510736107826, -0.012221207842230797, -0.0035816431045532227, -0.016900597140192986, 0.02967698685824871, 0.01835704781115055, 0.01677081361413002, 0.025105750188231468, 0.000351044291164726, 0.0037420690059661865, 0.01408142689615488, 0.00028682887204922736, 0.007199336774647236, -0.01423284038901329, -0.006308882962912321, -0.006283647380769253, 0.001593443681485951, 0.03827148675918579, -0.02350509539246559, 0.02597096748650074, 0.011867910623550415, 0.01609306037425995, 0.017289943993091583, 0.014535666443407536, -0.013836282305419445, -0.003386968979611993, -0.04718323424458504, -0.0017863152315840125, -0.004924533888697624, -0.006445875857025385, 0.01069265604019165, -0.030945973470807076, -0.028480101376771927, 0.0033959816209971905, -0.010130263864994049, 0.0032661990262567997, -0.0048271967098116875, 0.028422418981790543, -0.007469717413187027, -0.004113391973078251, 0.03691598027944565, 0.029994232580065727, -0.03316669911146164, 0.02578350342810154, -0.025048067793250084, -0.0013672250788658857, 0.016309363767504692, 0.005768121685832739, 0.015444145537912846, -0.000140823278343305, 0.012278889305889606, -0.005137233529239893, 0.009459719993174076, 0.008781964890658855, -0.01904922164976597, -0.010382618755102158, 0.005306671839207411, -0.007184916641563177, -0.01984233967959881, -0.02529321424663067, 0.025884445756673813, -0.020347049459815025, -0.00013620428217109293, -0.016612190753221512, 0.009308306500315666, -0.03656989336013794, -7.114392064977437e-05, 0.014658239670097828, 0.011752547696232796, 0.0575370155274868, -0.00556623749434948, 0.020678715780377388, 0.04204960912466049, -0.019755816087126732, -0.018746396526694298, 0.018977120518684387, 0.006186310667544603, 0.002945347223430872, 0.036252643913030624, 0.041328590363264084, -0.054652951657772064, -0.028061911463737488, 0.003377956338226795, -0.00431527616456151, 0.010058162733912468, -0.05410498008131981, 0.013785811141133308, 0.024658720940351486, 0.0015465776668861508, -0.0355893112719059, -0.0047190445475280285, -0.026057489216327667, 0.04092482477426529, 0.0029994233045727015, 0.011384829878807068, -0.00020886909624096006, -0.014730340801179409, -0.0027596857398748398, 0.01881849765777588, -0.006175495218485594, 0.05075947195291519, 0.005252595990896225, -0.018717555329203606, 0.012632186524569988, -0.0008936082595027983, -0.009466929361224174, 0.011788599193096161, -0.02850894257426262, 0.04876947030425072, -0.013259469531476498, 0.0011193761602044106, 0.02399538643658161, 0.013129686936736107, 0.007960007525980473, -0.010771967470645905, 0.013237839564681053, 0.03665641322731972, -0.03656989336013794, -0.012971064075827599, -0.013072005473077297, -0.0031490339897572994, 0.020188426598906517, 0.004239569418132305, -0.007484138011932373, -0.01926552690565586, -0.014557297341525555, -0.0014050784520804882, 0.03013843670487404, 0.0025704193394631147, 0.023908864706754684, 0.00935156736522913, -0.01332436129450798, -0.016857335343956947, -0.026634301990270615, 0.011629975400865078, 0.008652182295918465, -0.05918093025684357, -0.022308209910988808, 0.0047118342481553555, -0.011370410211384296, 0.005544607061892748, -0.0003636620531324297, -0.04369352385401726, 0.02899923175573349, 0.02653335966169834, -0.017318785190582275, 0.015025957487523556, 0.017924439162015915, 0.013843492604792118, -0.04914439842104912, -0.014074216596782207, -0.015689291059970856, -0.0139155937358737, 0.023144587874412537, -0.01847241073846817, -0.03472409397363663, -0.0007498558261431754, -0.006027687340974808, 0.02529321424663067, 0.022769659757614136, -0.004322485998272896, 0.0032571861520409584, 0.005014660768210888, -0.0009877908742055297, 0.0018836522940546274, -0.022005384787917137, 0.026749664917588234, -0.012617765925824642, 0.002024250105023384, 0.014211209490895271, -0.026749664917588234, 0.015775812789797783, -0.018010960891842842, -0.005663574673235416, -0.0033743511885404587, -0.04104018583893776, -0.006344933994114399, -0.006308882962912321, 0.011038742959499359, -0.007210152223706245, -0.007448086980730295, -0.01695827767252922, 0.0031670592725276947, -0.01949625089764595, 0.021716978400945663, 0.01038982905447483, -0.03039800189435482, -0.003008435945957899, -0.0005299461772665381, 0.0027578831650316715, 0.000903071544598788, -0.02475966326892376, 0.00714526092633605, 0.005144443362951279, 0.011803018860518932, -0.036973658949136734, -0.006777543108910322, 0.017736975103616714, 0.05473947525024414, 0.029734667390584946, -0.02869640477001667, -0.032532207667827606, -0.010267256759107113, -0.05113440006971359, -0.022394733503460884, -0.013771390542387962, -0.0006119616446085274, 0.0013951644068583846, 0.01741972751915455, -0.013165737502276897, 0.023577198386192322, -0.013699289411306381, -0.01120457611978054, -0.0009102817275561392, -0.006734282243996859, -0.00844308827072382, 0.01563161052763462, 0.002601062413305044, -0.0002122488513123244, -0.04204960912466049, 0.002898481208831072, -0.0015772207407280803, 0.008652182295918465, -0.014687079936265945, 0.01237983163446188, -0.016338204964995384, -0.013612767681479454, -0.008760334923863411, -0.0027452653739601374, -0.0015285522677004337, 8.015661296667531e-05, -0.004650548100471497, -0.03212843835353851, -0.007037108298391104, 0.003943953197449446, -0.0147663913667202, -0.021212266758084297, 0.0141030577942729, 0.0049497694708406925, -0.005814987700432539, -0.01078638806939125, -0.017578350380063057, -0.015328783541917801, 0.02396654523909092, -0.018457990139722824, 0.023706980049610138, 0.004225149285048246, 0.0004790244856849313, 0.04228033125400543, -0.008695443160831928, 0.0037889350205659866, -0.010952221229672432, 0.004776726011186838, -0.020419150590896606, 9.136614971794188e-05, -0.005526581779122353, -0.01863103359937668, 0.009495770558714867, -0.002204504096880555, 0.0001734942925395444, 0.006445875857025385, 0.002254975028336048, -0.0002834491024259478, -0.026100751012563705, -0.006092578638345003, 0.013533455319702625, -0.0006750504835508764, -0.02229379117488861, -0.008745914325118065, -0.004679388832300901, 0.0038790619000792503, 0.012394251301884651, 0.023346472531557083, 0.003907902631908655, -0.018991541117429733, 0.01896269991993904, 0.0075562396086752415, -0.00029020861256867647, -0.004524370655417442, -0.0005110195488668978, 0.011896750889718533, -0.0003992621786892414, 0.020015383139252663, 0.19427034258842468, 0.0010103225940838456, 0.02892713062465191, 0.014261680655181408, 0.005324697587639093, -0.0005168778006918728, 0.036396849900484085, -0.003370746038854122, 0.015761392191052437, 0.0022243319544941187, -0.007707652635872364, 0.02089502103626728, -0.017506249248981476, -0.0026605462189763784, 0.03247452527284622, -0.01991444081068039, -0.038213808089494705, -0.03948279470205307, -0.024399155750870705, -0.009942799806594849, -0.0016655451618134975, -0.005674389656633139, -0.010735916905105114, -0.022394733503460884, 0.013064796105027199, -0.03186887130141258, -0.028638724237680435, -0.01376418024301529, 0.01692943647503853, 0.012084214948117733, -0.019366469234228134, -0.015588348731398582, 0.024312634021043777, -0.004437848459929228, -0.007159681059420109, -0.006106998771429062, 0.023447414860129356, 0.016266103833913803, 0.008111421018838882, 0.022380312904715538, -0.02513458952307701, -0.02256777696311474, 0.0227119792252779, 0.012790810316801071, 0.006229571532458067, 0.0011527230963110924, -0.011658815667033195, 0.025105750188231468, 0.0020026196725666523, -0.0055950782261788845, -0.020347049459815025, -0.01672755368053913, 0.03466641157865524, 0.03039800189435482, -0.020087484270334244, -0.01506921835243702, -0.0063485391438007355, 0.010526821948587894, 0.002231542021036148, -0.00016707275062799454, -0.027571622282266617, -0.002491107676178217, 0.012906172312796116, 0.005108392797410488, -0.02324553020298481, 0.020909441635012627, -0.02161603607237339, 0.0013149514561519027, 0.005476110614836216, 0.005227360408753157, 0.0018818497192114592, -0.008125841617584229, -0.021861180663108826, 0.004185493104159832, -0.036396849900484085, -0.01907806284725666, 0.03656989336013794, 0.0015006129397079349, -0.00010792696411954239, 0.042943667620420456, -0.00489208847284317, 0.013432513922452927, -0.01506921835243702, 0.021111326292157173, -0.01767929270863533, -0.05269179120659828, -0.006334118545055389, -0.0015961474273353815, -0.017765814438462257, -0.023649299517273903, -0.018876178190112114, 0.019063642248511314, -0.01651124842464924, -0.012956643477082253, 0.012408671900629997, -0.005854643415659666, 0.014881754294037819, 0.01904922164976597, -0.014391464181244373, 0.005018265917897224, -0.009495770558714867, 0.03284945338964462, 0.022841762751340866, -0.003572630463168025, -0.006247596815228462, -0.010245625860989094, 0.0002033488271990791, 0.010721496306359768, 0.014225630089640617, -0.000673247966915369, 0.0059267450124025345, -0.034925978630781174, -0.007011873181909323, -0.01169486716389656, 0.0008309700642712414, 0.03755047172307968, -0.0032896320335566998, -0.020347049459815025, 0.0028101569041609764, -0.008046530187129974, 0.003421217203140259, -0.008161892183125019, 0.010779177770018578, 0.014694290235638618, -0.0048344070091843605, 0.010397039353847504, -0.013958854600787163, -0.009813017211854458, -0.012560085393488407, -0.036137282848358154, 0.03221495822072029, -0.023937705904245377, 0.021933283656835556, -0.009236205369234085, 0.005930350162088871, -0.01816958375275135, -0.02313016727566719, -0.01726110465824604, -0.01972697675228119, -0.004412613343447447, 0.0019521487411111593, -0.0085151894018054, 0.008248413912951946, 0.028826188296079636, -0.00868823379278183, 0.005912324879318476, 0.003915112465620041, 0.038790617138147354, -0.005732071120291948, -0.019366469234228134, 0.0063881948590278625, -0.0204479917883873, 0.020159585401415825, -0.0151413194835186, 0.036252643913030624, -0.006337723694741726, -0.015501827001571655, -0.036858297884464264, 0.0008224080083891749, 0.012257258407771587, -0.03417612239718437, 0.00513002322986722, 0.04432801529765129, 0.0012464550090953708, -0.0033220776822417974, -0.0052489908412098885, -0.18677178025245667, 0.016799654811620712, 0.031090175732970238, -0.043751202523708344, 0.0023505096323788166, 0.013706499710679054, 0.014485195279121399, 0.0002929124457295984, -0.0054797157645225525, 0.003504134016111493, 0.0059195347130298615, -0.0008872993639670312, 0.001110363402403891, -0.009221784770488739, 0.003940348047763109, 0.014218419790267944, 0.019597193226218224, -0.0005628425278700888, 0.020202847197651863, 0.006597289349883795, 0.015242261812090874, -0.028422418981790543, 0.014838493429124355, 0.01756392978131771, -0.01870313473045826, 0.016684291884303093, -0.015847913920879364, 0.014247260987758636, -0.0230869073420763, -0.014925015158951283, 0.005551817361265421, -0.004124206956475973, 0.011327149346470833, -0.0037745146546512842, -0.0007656280067749321, 0.01809748262166977, -0.011096424423158169, -0.010144684463739395, -0.013533455319702625, 0.043289754539728165, 0.023533936589956284, 0.014997116290032864, 0.018010960891842842, 0.007498558145016432, -0.013735339976847172, -0.004318881314247847, 0.016871755942702293, -0.007527398876845837, -0.007693232502788305, -0.01111084409058094, -0.00978417694568634, -0.014506826177239418, 0.03212843835353851, -0.0033797589130699635, 0.003111180616542697, 0.0006881189183332026, 0.018501250073313713, 8.329697266162839e-06, 0.020433571189641953, -0.007199336774647236, -0.031522784382104874, -0.011435301043093204, 0.01279801968485117, -0.008983849547803402, -0.008262834511697292, -0.02846568077802658, -0.03126322105526924, -0.0077869645319879055, -0.022856181487441063, 0.0017926241271197796, -0.008060949854552746, -0.01863103359937668, 0.011002692393958569, 0.006103393621742725, 0.017708133906126022, 0.011853490024805069, 0.0038213806692510843, 0.012588925659656525, 0.005137233529239893, 0.021486252546310425, -0.006626129616051912, 0.04585656896233559, 0.0073579601012170315, -0.009950010105967522, 0.017996540293097496, -0.01786675676703453, -0.018645454198122025, -0.014182369224727154, 0.0002582135784905404, -0.00819794274866581, 0.005732071120291948, -0.011629975400865078, 0.012877332046627998, -0.00819794274866581, 0.029821189120411873, -0.017434148117899895, -0.005923139862716198, 0.0023595222737640142, 0.011139685288071632, -0.01298548374325037, -0.004574841354042292, 0.0040737357921898365, -0.03812728449702263, 0.006507162470370531, 0.05655643343925476, 0.021673716604709625, -0.01915016397833824, -0.01733320578932762, 0.020274948328733444, -0.023908864706754684, -0.004434243775904179, 0.004946164321154356, 0.02131320908665657, -0.00753460917621851, -0.015415305271744728, 0.025639301165938377, 0.01311526633799076, -0.0295327827334404, 0.012877332046627998, -0.015559508465230465, 0.0401172861456871, 0.010562872514128685, -0.020534513518214226, -0.010945010930299759, 0.0074769277125597, 0.005184099543839693, -0.09528937190771103, -0.0027632908895611763, 0.018717555329203606, 0.019943280145525932, -0.04637569934129715, 0.008262834511697292, -0.002121587283909321, 0.00910642184317112, -0.008205153048038483, 0.031205538660287857, -0.0037348587065935135, -0.013302730396389961, -0.013663237914443016, 0.008125841617584229, 0.008133051916956902, 0.0027110171504318714, 0.018573351204395294, -0.029590465128421783, -0.0018530091037973762, 0.026677563786506653, 0.006831618957221508, -0.005422034300863743, -0.021933283656835556, 0.0010310517391189933, 0.009077581577003002, -0.0017187200719490647, -0.03544510900974274, 0.023562777787446976, 0.022394733503460884, 0.03489713743329048, 0.007563449442386627, -0.04031917080283165, 0.002866035560145974, -0.02426937222480774, -0.004448663908988237, -0.0015853322111070156, -0.029403001070022583, 0.011579504236578941, 0.01953951269388199, -0.03411844000220299, 0.006633339915424585, 0.006626129616051912, 0.03380119428038597, -0.007065949030220509, -0.023216690868139267, 0.0029525572899729013, -0.02650451846420765, 0.03074408881366253, -0.0040737357921898365, -0.023332051932811737, -0.011291097849607468, -0.017088061198592186, -0.019164584577083588, 0.0016871755942702293, 0.01113247498869896, -0.028148433193564415, -0.01338204275816679, -0.00027240856434218585, -0.021327629685401917, 0.013836282305419445, -0.025235531851649284, -0.0035924583207815886, -0.023865602910518646, 0.022351471707224846, 0.033483944833278656, 0.006121419370174408, -0.02930205874145031, -0.025538358837366104, 0.013612767681479454, 0.010490771383047104, -0.020375890657305717, 0.028061911463737488, -0.012408671900629997, 0.008789175190031528, -0.03186887130141258, -0.00613223435357213, -0.033483944833278656, -0.028393579646945, -0.0006579263717867434, -0.012372621335089207, -0.0010400644969195127, -0.022510094568133354, -0.015559508465230465, -0.014261680655181408, 0.011803018860518932, 0.0010337556013837457, -0.007952798157930374, 0.007902326993644238, 0.012935012578964233, -0.03221495822072029, 0.009870698675513268, 0.006294462829828262, -0.0073579601012170315, -0.014867333695292473, 0.005970005877315998, 0.02835031785070896, -0.002893073484301567, -0.005101182498037815, 0.009394828230142593, 0.003446452785283327, -0.0439242459833622, 0.0012221208307892084, -0.0760815292596817, 0.01893385872244835, 0.003008435945957899, 0.0043044607155025005, 0.004001634661108255, -0.0059664007276296616, 0.01987117901444435, 0.0046108923852443695, -0.015458566136658192, 0.0020729186944663525, -0.038069602102041245, -0.004217938985675573, -0.014751971699297428, -0.008024899289011955, -0.005494135897606611, -0.0006750504835508764, 0.011954432353377342, -0.002460464369505644, 0.010151893831789494, 0.026850607246160507, 0.005854643415659666, -0.0022243319544941187, 0.014377043582499027, 0.011089214123785496, -0.010699865408241749, -0.008277255110442638, -0.01802537962794304, 0.015184580348432064, -0.007844645529985428, 0.02377908118069172, 0.01711690053343773, -0.039396271109580994, 0.003354523330926895, 0.02112574502825737, 0.006362959276884794, -0.010029321536421776, 0.003756489371880889, 0.001184267457574606, 0.025696981698274612, 0.02380792237818241, -0.04363584145903587, -0.013302730396389961, -0.007931167259812355, -0.012913382612168789, -0.0016285930760204792, 0.017318785190582275, 0.022697558626532555, 0.014521246775984764, 0.00584743358194828, -0.008039319887757301, 0.04810613393783569, 0.007657181471586227, -0.003186887362971902, -0.04458758234977722, -0.01338204275816679, 0.001880047144368291, 0.001029249164275825, -0.006215150933712721, 0.009128052741289139, -0.03088829107582569, 0.031551625579595566, 0.009135263040661812, 0.04023265093564987, 0.013295521028339863, 0.016453567892313004, -0.002024250105023384, -0.011615554802119732, 0.0009841857245191932, -0.007693232502788305, -0.023159008473157883, -0.0051660737954080105, 0.01022399589419365, 0.01718900352716446, 0.02881176769733429, 0.030830610543489456, -0.0004607737937476486, -0.015559508465230465, 0.009452509693801403, -0.03146510571241379, 0.0032337531447410583, 0.03971351683139801, -0.008529610000550747, -0.016222842037677765, 0.013648818247020245, 0.018861757591366768, -0.00719212694093585, -0.001926913158968091, 0.020649876445531845, 0.026908287778496742, 0.01247356366366148, -0.0019431359833106399, 0.013216208666563034, 0.01307921577244997, -0.0024063882883638144, -0.013482984155416489, 0.027009230107069016, -0.015703711658716202, 0.002720029791817069, 0.026792924851179123, 0.028523361310362816, -0.0011355989845469594, -0.0007944686221890152, -0.011572293937206268, -0.03305133804678917, -0.031522784382104874, 0.00464694295078516, -0.013237839564681053, -0.0027560805901885033, -0.00723899295553565, -0.01237983163446188, 0.008991059847176075, 0.013656028546392918, -0.007678811904042959, 0.01798211969435215, -0.034925978630781174, -0.012963853776454926, 0.0027524756733328104, -0.021558355540037155, -0.03354162722826004, 0.03659873083233833, -0.005194914527237415, -0.0023973756469786167, 0.035906556993722916, 0.007765334099531174, 0.031292062252759933, 0.020303787663578987, 0.030945973470807076, -0.014925015158951283, 0.02907133288681507, -0.03339742496609688, 0.005011055618524551, -0.012495193630456924, -0.003664559917524457, 0.01313689723610878, -0.016597770154476166, -0.0003571278357412666, -0.01054124254733324, -0.004261199850589037, -0.008306095376610756, 0.09194386005401611, 0.02142857201397419, -0.006878484971821308, -0.013425303623080254, -0.03740626946091652, -0.00234690448269248, 0.03781003877520561, -0.00431527616456151, -0.01597769744694233, -0.038444530218839645, -0.0011860700324177742, -0.011954432353377342, 0.00859450176358223, -0.03085945174098015, -0.007923956960439682, -0.02403864823281765, -0.013937223702669144, 0.028379159048199654, -0.002835392253473401, 0.005148048512637615, 0.014687079936265945, 0.01877523586153984, 0.023519515991210938, 0.0013482985086739063, 0.0031598492059856653, -0.015444145537912846, 0.01737646758556366, -0.009928379207849503, 0.019366469234228134, -0.03247452527284622, -0.003940348047763109, 0.008774755522608757, -0.024327052757143974, -0.01987117901444435, 0.006723466794937849, 0.005490530747920275, -0.01482407283037901, 0.005807777401059866, 0.036887139081954956, 0.017578350380063057, 0.014780811965465546, 0.007228177506476641, 0.00518770469352603, -0.002934532007202506, -0.01744856871664524, -0.01718900352716446, -0.02683618664741516, -0.009639973752200603, -0.03132089972496033], metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f8322ab2-464d-41fc-925e-3a4c7cea9500', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d232911f8873acf038cf99a4b08b6ce7397002ea53087d8d527a294338919e6f'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='a1d30860-4f7b-4fd0-9321-f56d44e6db45', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9251afed1768787e3b0c983c89aa42e1b5c7296700bd6a767b47d022ba8f5f48'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='cfefe5cf-3a32-476b-a287-6ea83ba44e5e', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='840f6cfb576f47d00f18e9b3bee05bb1714510a5de7ecd8c387b32a569b4c2d7')}, hash='48257e24192b9b36db2c0ba7281708a67fe58562114197f29bf7e8569211eac7', text='Fig. 8. Plots for recall error vs query time for different parameters of M for Hiera rchical NSW on 5M SIFT learn dataset. ', start_char_idx=4933, end_char_idx=5056, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
442
       " TextNode(id_='cfefe5cf-3a32-476b-a287-6ea83ba44e5e', embedding=[-0.0037966815289109945, 0.027923516929149628, -0.011332736350595951, -0.02805246226489544, 0.002100710989907384, 0.014842875301837921, -0.010888596065342426, -0.007342638447880745, -0.03842528164386749, -0.04467189684510231, -0.0013010797556489706, 0.020989201962947845, -0.002700658282265067, 0.02124708890914917, 0.0012607848038896918, 0.017063576728105545, 0.02194911614060402, -0.012263997457921505, 0.007084751036018133, 0.004985830746591091, -0.04040241986513138, -0.0013539108913391829, -0.00426947558298707, -0.031003843992948532, -0.006676428485661745, 0.036591414362192154, 0.025187041610479355, -0.014527679421007633, -0.019699761644005775, -0.009197997860610485, 0.02603233978152275, -0.024083854630589485, -0.017464734613895416, 0.0076649985276162624, -0.016504818573594093, -0.005118356551975012, 0.018682537600398064, -0.02845362015068531, 0.028195733204483986, 0.001104082097299397, 0.026404844596982002, -0.0035764023195952177, -0.00437692878767848, -0.0071026599034667015, -0.006049617659300566, 0.0010145377600565553, 0.0026200683787465096, -0.02035880833864212, -0.0054084802977740765, 0.022178350016474724, 0.010301184840500355, 0.038711823523044586, -0.02624724619090557, 0.016848668456077576, -0.014986146241426468, -0.0011219909647479653, 0.00873953104019165, 0.008410007692873478, 0.02278008870780468, -0.01737877167761326, -0.001592098968103528, -0.004831814207136631, -0.03596102073788643, 0.022149696946144104, -0.013904450461268425, -0.022651145234704018, 0.001029760343953967, 0.00603887252509594, 0.0053654988296329975, -0.01065219845622778, 0.016332894563674927, 0.0399153009057045, -0.021318724378943443, -0.01553057599812746, 0.03404118865728378, -0.013037661090493202, 0.014205319806933403, 0.005293863359838724, -0.005816802382469177, 0.006816117558628321, -0.00548011576756835, -0.03429907560348511, 6.999151992204133e-06, 0.03272309526801109, -0.0015840400010347366, 0.025717144832015038, 0.014119356870651245, 0.021419014781713486, -0.026376191526651382, 0.0026612586807459593, 0.033066947013139725, 0.02170555666089058, 0.019800052046775818, -0.018080800771713257, -0.013059151358902454, 0.0005430866149254143, -0.02146199531853199, 0.009083380922675133, 0.009420068003237247, -0.01793752983212471, -0.021533630788326263, -0.000328403984894976, -0.014542005956172943, -0.010107768699526787, -0.0022189095616340637, -0.009842717088758945, -0.007450091652572155, 0.010279693640768528, -0.016046350821852684, 0.01624693162739277, 0.00627885153517127, 0.01624693162739277, -0.014642296358942986, 0.022421911358833313, -0.0109602315351367, -0.029485171660780907, 0.0338406078517437, -0.022421911358833313, 0.001440768945030868, -0.017178192734718323, 0.01777993142604828, 0.002208164194598794, 0.027722937986254692, -0.014771239832043648, 0.03386926278471947, 0.0030749537982046604, 0.0012249670689925551, -0.026591097936034203, -0.008259573020040989, -0.03782354295253754, 0.031748853623867035, 0.012435922399163246, 0.015158071182668209, 0.009420068003237247, -0.03621890768408775, 0.011898656375706196, 0.02130439691245556, -0.0269206203520298, -0.02035880833864212, -0.039600104093551636, 0.019599473103880882, 0.027479376643896103, -0.008438661694526672, -0.030000947415828705, -0.013288385234773159, 0.034442346543073654, 0.008073320612311363, 0.030946535989642143, 0.01214221678674221, -0.02480020932853222, 0.008424334228038788, 0.0004076507466379553, 0.00718145864084363, 0.02842496521770954, 0.006110507994890213, 0.009262469597160816, -0.013073478825390339, 0.01777993142604828, -0.017923202365636826, -0.0491706058382988, -0.013918776996433735, 0.018625229597091675, 0.0006697918870486319, -0.009326942265033722, 0.017765603959560394, 0.022249985486268997, 0.008367026224732399, 0.005609059706330299, -0.015215380117297173, -0.028840452432632446, -0.005949328187853098, 0.009147853590548038, -0.02219267748296261, 0.007564708590507507, 0.006490176077932119, -0.025487910956144333, 0.034843508154153824, 0.01699194125831127, -0.02118978090584278, -0.02786620892584324, -0.0009169343975372612, 0.011218119412660599, 0.018711192533373833, 0.027278797701001167, -0.020559387281537056, -0.00878251250833273, 0.02600368671119213, 0.011483170092105865, 0.01005762442946434, -0.012951698154211044, 0.006429286208003759, 0.0039041347336024046, -0.0043339477851986885, 0.003922043368220329, -0.6056351661682129, -0.014269791543483734, 0.02210671454668045, -0.028324676677584648, -0.001241085003130138, 0.001269739237613976, 0.008352698758244514, 0.024456359446048737, 0.009391414001584053, 0.02805246226489544, -0.030029600486159325, 0.0057272580452263355, -0.009183671325445175, -0.00439841952174902, -0.01557355746626854, -0.013725361786782742, 0.004244403447955847, -0.025344640016555786, 0.025244349613785744, -0.0005296549643389881, -0.02756533958017826, 0.021046509966254234, -0.016232604160904884, 0.013789833523333073, 0.0058239661157131195, 0.00868938583880663, 0.03160558268427849, -0.039657413959503174, -0.0025376875419169664, 0.008123465813696384, -0.02151930332183838, 0.011626441031694412, -0.006851935293525457, 0.03149096667766571, 0.04819636419415474, -0.030402105301618576, -0.011870002374053001, 0.016877323389053345, 0.03842528164386749, 0.020716985687613487, -0.027551012113690376, -0.016232604160904884, 0.01447037048637867, 0.006626283749938011, -0.0033095600083470345, 0.012328469194471836, 0.00765783479437232, -0.008331208489835262, -0.022436238825321198, -0.045273635536432266, 0.013360020704567432, -0.0005256254808045924, -0.01646183803677559, 0.004326784051954746, -0.011483170092105865, -0.021347379311919212, 0.017923202365636826, -0.007342638447880745, 0.011640768498182297, 0.008152119815349579, 0.015201052650809288, -0.008832656778395176, -0.016963286325335503, -0.01753637008368969, -0.028138423338532448, 0.01723550073802471, -0.010766815394163132, -0.010465946048498154, -0.019800052046775818, -0.008338372223079205, 0.008510297164320946, 0.024943480268120766, 0.00985704455524683, 0.00405456917360425, 0.01796618290245533, 0.017335791140794754, 0.03553120791912079, 0.010114932432770729, -0.010243875905871391, -0.002745430450886488, -0.0022493547294288874, -0.002380089368671179, -0.01796618290245533, 0.0001327495410805568, 0.017006266862154007, 2.6359624826000072e-05, -0.04472920671105385, 0.0026487226132303476, -0.017679641023278236, 0.007514563854783773, -0.0027866209857165813, -0.009756755083799362, -0.01863955706357956, -0.05372662469744682, 0.001313615939579904, 0.01080979686230421, 0.01080979686230421, -0.0013037660392001271, 0.022121042013168335, -0.048368290066719055, -0.0356171689927578, -0.01250755786895752, -0.0014470370952039957, -0.02563118189573288, 0.016117988154292107, 0.02103218249976635, -0.005906346719712019, -0.005472952034324408, 0.02778024598956108, -0.020989201962947845, -0.005147010553628206, -0.00964213814586401, -0.018969079479575157, -0.002256518229842186, -0.009405741468071938, -0.018567921593785286, 0.02906968630850315, 0.004595417063683271, -0.008725203573703766, -0.011690913699567318, 0.0285109281539917, 0.0021526466589421034, 0.012536211870610714, -0.017192520201206207, 0.019628126174211502, 0.0027328943833708763, 0.017063576728105545, -0.009921516291797161, -0.028124097734689713, -0.008911455981433392, 0.01833868771791458, -0.012407268397510052, 0.019886014983057976, -0.017736949026584625, 0.02608964778482914, -0.002643349813297391, 0.007922885939478874, 0.0033435868099331856, 0.000300421379506588, -0.024427704513072968, -0.02204940654337406, 0.01053041871637106, 0.007263839710503817, -0.041004158556461334, -0.0045381090603768826, -0.006182143464684486, -0.01995765045285225, 0.016533473506569862, -0.002906610257923603, -0.024442031979560852, -0.006142743863165379, -0.018138108775019646, -0.025502238422632217, 0.030402105301618576, -0.000839926244225353, 0.0060890172608196735, 0.012880062684416771, -0.025702817365527153, -0.02020120993256569, -0.029972292482852936, -0.006572557147592306, 0.02928459271788597, -0.017092229798436165, -0.01270813774317503, 0.005376243963837624, -0.02262249030172825, -0.005591150838881731, 0.00038951801252551377, 0.004219330847263336, -0.03633352369070053, 0.006737318821251392, -0.02428443357348442, -0.0022457728628069162, 0.028955068439245224, -0.013159440830349922, -0.00035571501939557493, 0.0072065312415361404, 0.003180616069585085, -0.0026254409458488226, -0.014126520603895187, 0.019613798707723618, 0.007994521409273148, -0.00382891739718616, -0.017006266862154007, 0.02805246226489544, -0.0011157229309901595, 0.008058994077146053, 0.0006268105935305357, -0.009233815595507622, 0.005007321480661631, 0.022235658019781113, 0.003560284385457635, -0.024212798103690147, 0.011347062885761261, -0.015860099345445633, 0.013016169890761375, 0.013109296560287476, -0.006318251136690378, -0.01293737068772316, 0.03151961788535118, 0.016203949227929115, -0.005315354093909264, -0.002338899066671729, -0.014713931828737259, 0.017206847667694092, -0.02939920872449875, 0.017851566895842552, -0.015129417181015015, 0.015458940528333187, 0.014592151157557964, 0.004233657848089933, -0.011332736350595951, -0.019198313355445862, -0.017464734613895416, 0.01618962362408638, 0.030803265050053596, -0.016519146040081978, 0.0107023436576128, -0.007858414202928543, 0.012765445746481419, 0.023740004748106003, -0.0049500130116939545, 0.03770892694592476, 0.009599156677722931, 0.0023514353670179844, 0.00020001974189653993, 0.004301711916923523, 0.024384723976254463, 0.0006688964786008, -0.016390202566981316, -0.012478903867304325, -0.013625072315335274, 0.012041927315294743, 0.0051004476845264435, 0.023539425805211067, 0.021290069445967674, 0.033926572650671005, 0.0013565972913056612, 0.010193731635808945, -0.009420068003237247, 0.011296918615698814, 0.020272845402359962, 0.0037966815289109945, -0.018739845603704453, 0.008173610083758831, -0.005963655188679695, 0.031233077868819237, 0.011053357273340225, 0.0003402686270419508, 0.023009322583675385, 0.008238082751631737, 0.02124708890914917, 0.015874426811933517, 0.01624693162739277, 0.004470054991543293, 0.008947273716330528, 0.012328469194471836, 0.012156544253230095, 0.033066947013139725, 0.032436553388834, 0.019155332818627357, -0.015415959060192108, 0.03323887288570404, 0.005018066614866257, -0.006182143464684486, -0.05745166912674904, 0.006565393414348364, 0.01769396848976612, 0.005247300490736961, -0.019269948825240135, 0.004871213808655739, -0.01581711880862713, 0.008495970629155636, -0.025058098137378693, 0.026189938187599182, -0.010079114697873592, 0.02296634018421173, -0.00364445592276752, 0.030115563422441483, -0.014069211669266224, -0.04438535496592522, -0.019026389345526695, 0.013216749764978886, 0.014019067399203777, -0.010157913900911808, -0.019542163237929344, 0.0014058466767892241, 0.02262249030172825, -0.010129259899258614, -0.002779457252472639, -0.004344692919403315, -0.011748221702873707, -0.012794099748134613, -0.02275143377482891, -0.011827020905911922, 0.0056198048405349255, 0.014649459160864353, 0.005637713707983494, 0.0007279957644641399, 0.009219489060342312, 0.03017287142574787, -0.006024545524269342, -0.005168501287698746, -0.020057938992977142, 0.04980099946260452, -0.015072109177708626, -0.027049563825130463, -0.031376346945762634, 0.0045452723279595375, -0.013145114295184612, -0.0068017905578017235, -0.0024875428061932325, -0.004151277244091034, 0.016175296157598495, 0.0036569922231137753, -0.0010834869462996721, -0.012743955478072166, 0.012901552952826023, 0.04828232526779175, -0.0005193573888391256, -0.004419910255819559, -0.023969238623976707, -0.004187094978988171, 0.011382880620658398, 0.023897603154182434, 0.02783755399286747, -0.010444455780088902, 0.0011998945847153664, -0.007514563854783773, -0.010981721803545952, -0.03329617902636528, 0.010036133229732513, 0.022020751610398293, 0.017278483137488365, -0.013073478825390339, -0.009341268800199032, 0.004294548183679581, 0.01382565125823021, 0.032579824328422546, 0.00521864602342248, -0.0014353962615132332, -0.0310324989259243, 0.0021526466589421034, 0.0274363961070776, -0.016533473506569862, -0.018696865066885948, 0.02259383723139763, 0.02891208790242672, -0.0003792204079218209, 0.004409165121614933, 0.01971408911049366, 0.006726573221385479, -0.0018329733284190297, -0.015931734815239906, -0.006654937751591206, 0.014728258363902569, 0.026476480066776276, 0.018481958657503128, -0.014584987424314022, 0.023811640217900276, 0.018009165301918983, 0.013754015788435936, 0.022880379110574722, -0.02226431295275688, 0.012679483741521835, 0.018625229597091675, 0.010967395268380642, 0.014549169689416885, 0.005895601585507393, -0.01398324966430664, 0.013388674706220627, 0.02361106127500534, -0.03200674057006836, -0.01931293122470379, 0.011160810478031635, -0.024212798103690147, -0.022307293489575386, -0.007317566312849522, -0.016203949227929115, -0.0134603101760149, -0.017393099144101143, -0.009362759999930859, -0.009627810679376125, -0.03068864718079567, -0.010387147776782513, -0.0014201737940311432, 0.019757071509957314, -0.004108295775949955, -0.0074429283849895, -0.0029370554257184267, -0.016877323389053345, -0.003228970104828477, -0.016791360452771187, -0.0122926514595747, 0.007872741669416428, -0.01303049735724926, -0.04501574859023094, -0.017206847667694092, 0.010100604966282845, 0.0179948378354311, 0.004219330847263336, 0.020244192332029343, -0.027106873691082, 0.01879715546965599, -0.016203949227929115, -0.003150171134620905, -0.010494600981473923, -0.011891492642462254, 0.006533157546073198, -0.023195574060082436, -0.008732367306947708, -0.019141005352139473, 0.0003935475251637399, -0.025860415771603584, 0.0036265470553189516, -0.0020989200565963984, 0.00279378448612988, -0.00040026335045695305, 0.007930049672722816, 0.0031340529676526785, 0.01858224906027317, 0.0253303125500679, 0.015989042818546295, -0.019413219764828682, 0.0055696601048111916, -0.0008766394457779825, 0.00043249933514744043, 0.008066156879067421, 0.03146231174468994, -0.004720779601484537, 0.013754015788435936, -0.011884328909218311, -0.0019914668519049883, -0.018725519999861717, 0.02673436887562275, -0.012414432130753994, 0.015802791342139244, 6.172965368023142e-05, 0.01680568791925907, 0.029041031375527382, 0.009928680025041103, 0.01965678110718727, 0.020072266459465027, -0.0054084802977740765, -0.007045351434499025, -0.005813220515847206, 0.02363971434533596, 0.007801105733960867, -0.009076218120753765, 0.01987168751657009, -0.012407268397510052, -0.009778245352208614, -0.020014958456158638, -0.009283960796892643, -0.009763918817043304, 0.007915722206234932, 0.006243033800274134, -0.021333051845431328, -0.029169974848628044, -0.0035871476866304874, -0.01245024986565113, -0.010050460696220398, -0.037422385066747665, -0.017822911962866783, 0.011210955679416656, -0.014914510771632195, 0.017192520201206207, -0.0008775348542258143, -0.020831603556871414, -0.020559387281537056, -0.037852197885513306, 0.010143586434423923, 0.012335632927715778, 0.02237892895936966, -0.015487594529986382, 0.0037680272944271564, -0.002867210889235139, -0.03650544956326485, -0.009978825226426125, -0.029657095670700073, -0.0178085844963789, 0.010945904068648815, 0.02189180813729763, 0.013947431929409504, 0.03404118865728378, 0.0008153014932759106, -0.0013610745081678033, 0.0219204630702734, -0.007973031140863895, 0.006371977739036083, 0.001957440050318837, -0.00320389773696661, -0.005025230348110199, 0.0034080587793141603, 0.048368290066719055, -0.004824650939553976, 0.01820974424481392, 0.007887068204581738, 0.03939952328801155, 0.026046667248010635, 0.006056781392544508, -0.03143365681171417, -0.009756755083799362, -0.04948580265045166, 0.00176312867552042, -0.0025412694085389376, -0.006522411946207285, 0.017851566895842552, -0.025717144832015038, -0.018080800771713257, 0.002055938821285963, -0.0012786936713382602, 0.018782828003168106, -0.0022350274957716465, 0.02606099471449852, 0.01139004435390234, 0.0050037396140396595, 0.025072423741221428, 0.023625386878848076, -0.03808142989873886, 0.0030964445322752, -0.02633320912718773, -0.006142743863165379, 0.021376032382249832, -0.018052145838737488, 0.03020152635872364, -0.0015616539167240262, 0.014140847139060497, -0.0033095600083470345, 0.01245024986565113, 0.005007321480661631, -0.016633762046694756, -0.003422386012971401, -0.007149222772568464, -0.0004951803712174296, -0.02775159291923046, -0.03848259150981903, 0.012471740134060383, -0.021390359848737717, 0.0011013958137482405, -0.005175665020942688, 0.012242507189512253, -0.017980510368943214, -0.014434552751481533, 0.015458940528333187, 0.01863955706357956, 0.04905598983168602, -0.018653884530067444, 0.02732178010046482, 0.024083854630589485, -0.008238082751631737, -0.016662416979670525, 0.010028969496488571, 0.014928838238120079, 0.010580562986433506, 0.020258519798517227, 0.03200674057006836, -0.043181877583265305, -0.021447667852044106, -0.0036175926215946674, -0.0076649985276162624, -0.009728101082146168, -0.054987408220767975, 0.020888911560177803, 0.01573115587234497, 0.00545862503349781, -0.024943480268120766, -0.0005117460968904197, -0.017092229798436165, 0.04000126197934151, -0.0037143006920814514, 0.018510613590478897, -0.008173610083758831, -0.00603887252509594, 0.009620647877454758, 0.02928459271788597, -0.009591992944478989, 0.04859752207994461, 0.0031089805997908115, 0.009685119614005089, -0.004158440511673689, 0.0020935474894940853, -0.01968543417751789, 0.015158071182668209, -0.013231076300144196, 0.04258013889193535, -0.008789675310254097, -0.009506030939519405, 0.018997734412550926, 0.009076218120753765, 0.008546114899218082, 0.005741585046052933, 0.005573241971433163, 0.0328090600669384, -0.03149096667766571, -0.010838450863957405, -0.013868632726371288, -0.009713773615658283, 0.020616697147488594, 0.003200315870344639, -0.018381668254733086, -0.01557355746626854, -0.007478746119886637, 0.005444298032671213, 0.01928427629172802, -0.010014642961323261, 0.027608321979641914, 0.01992899551987648, -0.000805899384431541, -0.02409818209707737, -0.03501543030142784, -0.004602580796927214, 0.012514721602201462, -0.04335380345582962, -0.014814221300184727, -0.009806899353861809, -0.022679798305034637, 0.005734421778470278, 0.0013977877097204328, -0.03197808563709259, 0.008424334228038788, 0.02501511573791504, -0.012901552952826023, 0.02372567728161812, 0.049313876777887344, 0.01160495076328516, -0.031319040805101395, -0.003012272762134671, -0.01735011860728264, -0.018496286123991013, 0.028009479865431786, -0.014334263280034065, -0.03957144916057587, -0.012263997457921505, -0.005157755687832832, 0.014842875301837921, 0.02379731275141239, -0.016504818573594093, -0.0035352117847651243, -0.009477376937866211, 0.005125519819557667, -0.005544587504118681, -0.0037250458262860775, 0.021204108372330666, -0.01224966999143362, -0.007614853326231241, 0.02735043317079544, -0.02011524885892868, 0.03272309526801109, -0.017335791140794754, -0.012958861887454987, 0.0039721885696053505, -0.043210532516241074, -0.010888596065342426, -0.0029925729613751173, 0.005816802382469177, -0.0047494336031377316, -0.0007015801384113729, -0.007435764651745558, 0.003135843900963664, -0.016848668456077576, 0.01882580853998661, -0.011232445947825909, -0.017364444211125374, 0.01594606228172779, -0.007707979530096054, -0.028410639613866806, -0.001231235102750361, -0.008445825427770615, -0.008732367306947708, 0.011870002374053001, 0.004255148582160473, -0.03108980692923069, -0.009978825226426125, 0.011676586233079433, 0.05919957533478737, 0.03555986285209656, -0.014463207684457302, -0.02762264758348465, -0.01430560927838087, -0.06051766872406006, -0.020731313154101372, -0.022694125771522522, 0.0134603101760149, 0.008574768900871277, 0.005942164454609156, -0.011791203171014786, 0.02345346286892891, -0.01726415567100048, 0.00208101118914783, -0.013145114295184612, -0.011339899152517319, -0.020716985687613487, 0.01737877167761326, 0.00767932552844286, 0.0075790355913341045, -0.0534687377512455, 0.005200737155973911, 0.004656307399272919, 0.006003054790198803, -0.019513510167598724, 0.01845330372452736, -0.006916407495737076, -0.002924519358202815, 0.012063417583703995, -0.010021806694567204, 0.007324729580432177, 0.009985988959670067, -0.0212184339761734, -0.029628442600369453, 0.018410323187708855, 0.013990412466228008, -0.012500394135713577, -0.02839631214737892, -0.0048962864093482494, -0.006422122474759817, -0.023037975654006004, -0.011561969295144081, -0.009004582650959492, -0.020931892096996307, 0.005440716166049242, -0.031290385872125626, 0.014183828607201576, 0.01059489045292139, 0.009828390553593636, 0.05550318583846092, -0.0072065312415361404, 0.013589254580438137, -0.007056096568703651, -0.014312773011624813, -0.01823839731514454, 0.00047548062866553664, -0.004133368376642466, -0.022121042013168335, -0.0010181195102632046, -0.002120410790666938, 0.0030874900985509157, 0.001753278891555965, -0.0109602315351367, -0.007607690058648586, -0.009477376937866211, -0.037938158959150314, 0.02891208790242672, 0.012392940931022167, -0.018281379714608192, -0.003540584584698081, -0.012242507189512253, 0.005078956950455904, 0.00042914142250083387, 0.012099235318601131, -0.0016538845375180244, -0.02366836927831173, 0.015344323590397835, 0.0032594152726233006, -0.00045421384857036173, -0.01882580853998661, 0.009420068003237247, 0.008374189957976341, 0.007177876774221659, 0.004104713909327984, 0.19026388227939606, 0.004169186111539602, 0.012221015989780426, 0.0172928087413311, 0.004541690461337566, -0.010523254983127117, 0.03670603036880493, 0.008761021308600903, 0.004283803049474955, 0.011239609681069851, -0.008639241568744183, 0.015258361585438251, -0.021576613187789917, -0.005275954492390156, 0.03472888842225075, -0.027465051040053368, -0.03977202996611595, -0.0314050018787384, -0.009348432533442974, 0.019298603758215904, 0.008560442365705967, -0.00230666296556592, -0.00985704455524683, -0.023525098338723183, 0.015029127709567547, -0.029943639412522316, -0.03449965640902519, -0.009484539739787579, 0.016963286325335503, 0.006905661895871162, -0.019269948825240135, -0.010551908984780312, 0.030975189059972763, 0.003622965421527624, -0.008832656778395176, -0.007593363057821989, 0.027894863858819008, 0.007715143263339996, -0.00032997102243825793, 0.02778024598956108, -0.022980667650699615, -0.01707790233194828, 0.012120726518332958, 0.01214221678674221, 0.014957492239773273, 0.006529575679451227, -0.004179931245744228, 0.01737877167761326, -0.005884856451302767, 0.0013557018246501684, -0.025803105905652046, -0.020645350217819214, 0.017335791140794754, 0.025502238422632217, -0.016418855637311935, -0.0014962864806875587, -0.018281379714608192, 0.013553436845541, 0.01282991748303175, -0.00623228820040822, -0.03332483395934105, 0.0037035553250461817, 0.01974274404346943, -0.00603887252509594, -0.019513510167598724, 0.026562443003058434, -0.024427704513072968, 0.015831444412469864, 0.009871372021734715, 0.00382891739718616, 0.002657677046954632, -0.025258677080273628, -0.01992899551987648, -0.006948643364012241, -0.03733642026782036, -0.015774136409163475, 0.037880852818489075, -0.008080484345555305, 0.008603423833847046, 0.02361106127500534, 0.017464734613895416, 0.013954594731330872, 0.00013487621617969126, 0.005075375083833933, -0.009040400385856628, -0.0442134290933609, 0.01117513794451952, -0.011332736350595951, -0.010602054186165333, -0.033525414764881134, -0.01118946447968483, 0.01217087171971798, -0.018868790939450264, -0.0034599946811795235, 0.03275175020098686, 0.0072710029780864716, 0.03286636620759964, 0.017249828204512596, -0.0269206203520298, 0.0011551224160939455, -0.0008582828450016677, 0.04745135456323624, 0.002507242374122143, -0.005519515369087458, -0.006791045423597097, -0.004459309857338667, -0.001415696577169001, 0.006303923670202494, 0.013474637642502785, -0.0004965235712006688, -0.001969976117834449, -0.026934947818517685, -0.0006697918870486319, -0.021476322785019875, -0.0020828021224588156, 0.027765918523073196, 0.00474585173651576, -0.012650828808546066, -0.0016977613558992743, -0.01735011860728264, 0.0034295495133847, -0.0033829864114522934, 0.003599683754146099, 0.02939920872449875, -0.011941637843847275, 0.01266515627503395, -0.026347536593675613, 0.011089175008237362, -0.01836734265089035, -0.026576770469546318, 0.022679798305034637, -0.01692030392587185, 0.014062048867344856, 0.01563086546957493, 0.006250197067856789, -0.01775127649307251, -0.016504818573594093, -0.02866852656006813, -0.010816960595548153, -0.007342638447880745, 0.017436079680919647, -0.0059278374537825584, 0.014742585830390453, 0.028897760435938835, -0.007281748577952385, 0.0014192783273756504, -0.008410007692873478, 0.037938158959150314, -0.008596260100603104, -0.020430443808436394, -0.010494600981473923, -0.02320990152657032, 0.012579193338751793, -0.023195574060082436, 0.013732525520026684, -0.007185040507465601, -0.004978667013347149, -0.027909189462661743, -0.0037429549265652895, -0.0005869633750990033, -0.026232920587062836, -0.007274584844708443, 0.03647679463028908, -0.0026540951803326607, -0.012156544253230095, -0.008338372223079205, -0.18418920040130615, 0.015301342122256756, 0.028195733204483986, -0.030000947415828705, 0.019971977919340134, 0.03283771127462387, 0.014699604362249374, 0.007364129181951284, -0.006203634198755026, 0.003434922080487013, 0.0008990255300886929, 0.003336423309519887, 0.0016986568225547671, -0.018381668254733086, -0.009692283347249031, 6.995654257480055e-05, 0.011397208087146282, 0.016318567097187042, 0.03014421835541725, 0.016132313758134842, 0.0036605740897357464, -0.028281694278120995, 0.01796618290245533, 0.022063734009861946, 0.004627653397619724, 0.011547642759978771, -0.004305293317884207, 0.00444498285651207, -0.01699194125831127, -0.015917407348752022, 0.010795469395816326, -0.019141005352139473, 0.016418855637311935, -0.01282991748303175, -0.007303239312022924, 0.012063417583703995, -0.011304081417620182, 0.0005936792003922164, -0.0123857781291008, 0.05303892493247986, 0.03467158228158951, 0.028224386274814606, 0.02495780773460865, 0.016633762046694756, -0.019055042415857315, 0.009240979328751564, 0.016304239630699158, -0.010243875905871391, 0.003511930350214243, -0.010315511375665665, -0.001846404979005456, 0.005143428687006235, 0.03323887288570404, -0.00059323146706447, 0.015158071182668209, 0.017206847667694092, 0.024298761039972305, 0.011948801577091217, 0.025702817365527153, -0.011891492642462254, -0.02404087409377098, -0.00590992858633399, 0.029427863657474518, -0.01707790233194828, 0.0014658414293080568, -0.04034511372447014, -0.025745797902345657, 0.007822596468031406, -0.01535865105688572, -0.004609744530171156, -0.010723833926022053, -0.02035880833864212, 0.01704924926161766, 0.01777993142604828, 0.01637587510049343, 0.021290069445967674, 0.00921232532709837, 0.00608543585985899, -0.012443086132407188, 0.008037502877414227, -0.013274057768285275, 0.03607563674449921, 0.0151437446475029, -0.0026146958116441965, -0.007478746119886637, -0.024914827197790146, -0.020430443808436394, -0.014914510771632195, 0.010043296962976456, 0.010480273514986038, 0.015831444412469864, -0.02124708890914917, 0.01756502501666546, -0.006268105935305357, 0.02471424639225006, -0.00548011576756835, 0.010186567902565002, -0.0058669475838541985, 0.008230919018387794, -0.0032647878397256136, -0.002714985515922308, -0.011411534622311592, -0.016447510570287704, 0.007414273917675018, 0.04074627161026001, 0.01802349090576172, -0.009312614798545837, 0.0028116933535784483, 0.02896939590573311, -0.01820974424481392, -0.0020702658221125603, -0.0009643929079174995, 0.034356385469436646, 0.008624914102256298, -0.019513510167598724, 0.03418445959687233, -0.0014730049297213554, -0.025487910956144333, 0.012049091048538685, -0.018481958657503128, 0.05556049197912216, -0.004774506203830242, -0.045388251543045044, -0.010831287130713463, 0.012822754681110382, -0.007292493712157011, -0.11954531818628311, -0.002924519358202815, 0.013360020704567432, 0.040946852415800095, -0.04980099946260452, 0.015387305058538914, -0.004133368376642466, 0.012378614395856857, -0.012994679622352123, 0.041863784193992615, -0.010587726719677448, -0.009627810679376125, -0.013531945645809174, 0.002525151241570711, -0.0009294705814681947, -0.008087648078799248, 0.025588199496269226, -0.029241610318422318, -0.017622333019971848, 0.03501543030142784, 0.005687858443707228, -0.0007481432403437793, -0.01553057599812746, 0.0025466419756412506, 0.0164045300334692, -0.002132947091013193, -0.027207162231206894, 0.013589254580438137, 0.013732525520026684, 0.022708453238010406, 0.0003604161029215902, -0.025315985083580017, -0.010294021107256413, -0.017951855435967445, -0.002507242374122143, -0.015602211467921734, -0.00899741891771555, -0.0010440873447805643, 0.02753668650984764, -0.025860415771603584, 0.013453146442770958, 0.020072266459465027, 0.007041769567877054, -0.001344060990959406, -0.024141162633895874, -0.00394711596891284, -0.027178509160876274, 0.030316142365336418, -0.005361916963011026, -0.008066156879067421, -0.009814063087105751, -0.039256252348423004, -0.019212640821933746, -0.004788833204656839, 0.009420068003237247, -0.012743955478072166, 0.0029513826593756676, -4.689886554842815e-05, -0.024399051442742348, 0.012514721602201462, -0.012672320008277893, 0.002974664093926549, -0.015645192936062813, 0.007149222772568464, 0.019886014983057976, 0.014549169689416885, -0.03934221714735031, -0.0178085844963789, 0.004731524735689163, -0.003689228091388941, -0.01091725006699562, 0.03278040513396263, -0.004821069072932005, 0.012070581316947937, -0.03372599184513092, -0.023782985284924507, -0.014785567298531532, -0.019026389345526695, 0.005551751237362623, 0.004262312315404415, -0.013711034320294857, -0.020215537399053574, 0.004093968775123358, -0.024757228791713715, 0.01042296551167965, -0.0038718986324965954, -0.01659078150987625, -0.0004354095144663006, 0.01707790233194828, -0.044442664831876755, 0.027121199294924736, -0.0005623386823572218, 0.00651524867862463, -0.01399757619947195, 0.006053199525922537, 0.02673436887562275, -0.012786936946213245, -0.006303923670202494, 0.028324676677584648, 0.016332894563674927, -0.04329649731516838, 0.010050460696220398, -0.05908495932817459, 0.022035079076886177, -0.0006303924019448459, -0.01424113754183054, 0.007088332436978817, -0.013195258565247059, 0.011662258766591549, 0.013066315092146397, -0.023224228993058205, 0.00821659155189991, -0.029513824731111526, 0.00012580984912347049, 0.0014756913296878338, -0.01272246427834034, -0.016963286325335503, -0.011268263682723045, 0.007980194874107838, -0.019155332818627357, 0.01710655726492405, 0.03286636620759964, -0.007342638447880745, 0.0026039504446089268, 0.023080958053469658, 0.0279951523989439, -0.01689165085554123, -0.025459256023168564, -0.0242557805031538, 0.004187094978988171, 0.0023209901992231607, -0.0020648932550102472, 0.015931734815239906, -0.034356385469436646, 0.0013592835748568177, 0.020946219563484192, -0.008266736753284931, -0.02063102275133133, 0.008746694773435593, 0.0092767970636487, -0.004878377541899681, 0.028467947617173195, -0.058024752885103226, -0.03470023721456528, -0.009763918817043304, -0.006103344727307558, 0.0005095074884593487, 0.0081091383472085, 0.026476480066776276, 0.006930734496563673, 0.0009617065661586821, 0.006103344727307558, 0.038740478456020355, 0.010465946048498154, 0.006522411946207285, -0.047050196677446365, -0.019914668053388596, 0.017951855435967445, -0.01197029184550047, -0.010093442164361477, 0.009978825226426125, -0.024169817566871643, 0.04080358147621155, 0.001802528277039528, 0.04326784238219261, 0.005315354093909264, 0.014190992340445518, -0.02511540614068508, -0.029886329546570778, 0.009935843758285046, -0.02020120993256569, -0.020860256627202034, -0.003545957151800394, 0.007593363057821989, 0.026075322180986404, 0.019269948825240135, 0.010064787231385708, -0.0005144324386492372, -0.008510297164320946, 0.00867505930364132, -0.03017287142574787, 0.01217087171971798, 0.02372567728161812, -0.009663628414273262, -0.016820015385746956, 0.017608005553483963, 0.027250144630670547, -0.018524939194321632, -0.004004424437880516, 0.015659520402550697, 0.00867505930364132, 0.010451619513332844, 0.006196470465511084, 0.015029127709567547, -0.009556175209581852, -0.001210639951750636, 0.002011166652664542, 0.0247715562582016, -0.027851881459355354, 0.0025323149748146534, 0.025860415771603584, 0.019298603758215904, 0.0030158543959259987, 0.0106092169880867, 0.0035513299517333508, -0.02124708890914917, -0.0172928087413311, 0.004513036459684372, -0.019413219764828682, -0.005630550440400839, 0.004520200192928314, -0.019169660285115242, 0.01257202960550785, -3.2375886803492904e-05, 0.00852462463080883, 0.018080800771713257, -0.011368554085493088, 0.005290281493216753, 0.0003167632094118744, -0.028711507096886635, -0.024642610922455788, 0.019628126174211502, -0.011397208087146282, 0.007607690058648586, 0.023138266056776047, 0.02118978090584278, 0.032694440335035324, 0.009326942265033722, 0.04123339429497719, -0.014627968892455101, 0.011920146644115448, -0.0345856174826622, 0.019413219764828682, -0.013252567499876022, -0.0027615483850240707, 0.007450091652572155, -0.0050574662163853645, -0.022980667650699615, 0.011955964379012585, 0.002637977246195078, -0.01080979686230421, 0.09415770322084427, 0.03765161707997322, -0.0024553067050874233, 0.004366183653473854, -0.03014421835541725, 0.018539266660809517, 0.02283739671111107, -0.02272278070449829, -0.006432867608964443, -0.05117639899253845, 0.002983618527650833, -0.008152119815349579, 0.010007479228079319, -0.022708453238010406, -0.002304872265085578, -0.018438978120684624, -0.0345856174826622, 0.020559387281537056, -0.005014484748244286, 0.003033763263374567, 0.010494600981473923, 0.029628442600369453, 0.022522201761603355, 0.010136422701179981, -0.017650986090302467, -0.009233815595507622, 0.006096180994063616, 0.00041772451368160546, 0.021906135603785515, -0.03845393657684326, -0.002852883655577898, 0.01245024986565113, -0.027450723573565483, -0.023782985284924507, -0.01904071494936943, 0.006056781392544508, 0.002949591726064682, -0.0057809846475720406, 0.015501921996474266, 0.007521727588027716, 0.015158071182668209, 0.009677955880761147, 0.0063898866064846516, -0.012915880419313908, -0.022178350016474724, -0.014413062483072281, -0.015287015587091446, -0.011511825025081635, -0.028553910553455353], metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='8f94e813-f60d-4e9d-8ab1-fd4dbe0d2806', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='7fbb867180683b87b30353e1d2934dc5adcd9ec1fa7656efc613598ec012c796'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='07c7720d-a275-4c64-be9c-c36acb2f979b', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '6', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='53ca6ad88b4c6df8598233252e4cb82ee64803f95b6dcc7d15bb325cbd95d7b9'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='cbde7997-67b1-47e7-9200-f557ee4ebd6f', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='80a4266695ea779451c19b54df1ebe512e19ec7da1541d85ebaf473b4a6e4855')}, hash='5a8a85203f927def05de0cc174a51735691e1d8f555d7bfefadedcf83dde79ff', text='AUTHOR ET AL.: TITL E 7 be auto-configured by using sample data. The construction process can be easily and efficiently parallelized with only few synchronization points (as demonstrated in Fig. 9) and no measurable effect on index quality. Construction speed/index q uality tradeoff is co ntrolled via the efConstruction parameter. The tradeoff between the search time and the index construction time is presented in Fig. 10 for a 10M SIFT dataset and shows that a reasonable quality index can be constructed for efConstruct ion=100 on a 4X 2.4 GHz 10-core Xeon E5-4650 v2 CPU server in just 3 minutes. Further increase of the efConstruction leads to little extra performance but in exchange of significantly longer construction time. 4.2 Complexity analysis 4.2.1 Search complex ity The complexity scaling of a single search can be strictly analyzed under the assumption that we build exact D elaunay graphs instead of the approximate ones. Suppose we have found the closest element on some layer (this is guaranteed by having the Delaunay graph) and then d escended to the next layer . One can show that the average number of steps before we find the closest element in the layer is bounded by a constant. Indeed, the layers are not correlated with the spatial position s of the data elements and , thus , when we tra verse the graph there is a fixed probability p=exp( -mL) that the next node belongs to the upper layer. However, the search on the layer always terminates before it reaches the element which belongs to the higher layer (otherwise the search on the upper layer would have stopped on a different element), so the p robability of not reaching the ta rget on s-th step is bounded by exp( -s· mL). Thus the expected number of steps in a layer is bounded by a sum of geometric progression S =1/(1-exp( -mL)), which is independent of the dataset size . If we assume that the average degree of a node in the Delaunay graph is capped by a constant C in the limit of the large dataset (this is the case for random Euclid d ata [48], but can be in principle violated in exotic spaces), then the overall average number of distance evaluations in a layer is bounded by a constant C· S, independent ly of the dataset size. And since the expectation of the maximum layer index by the construction scales as O(log(N)), the overall co mplexity scaling is O(log(N)), in agreement with the simulations on low dimensional dataset s. The inital assumption of having the exact Delaunay graph violates in Hierarchical NSW due to usage of a pproximate edge selection heuristic with a fixed number of neighbor s per element . ', start_char_idx=0, end_char_idx=2622, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
443
       " TextNode(id_='cbde7997-67b1-47e7-9200-f557ee4ebd6f', embedding=[-0.009297824464738369, 0.028482669964432716, -0.009484643116593361, -0.024516364559531212, 0.005618932656943798, 0.01107260212302208, -0.00015066750347614288, -0.011237865313887596, -0.048199232667684555, -0.05012490227818489, 0.0037004477344453335, 0.012186328880488873, 0.0022543990053236485, 0.017445994541049004, -0.005381816532462835, 0.010066655464470387, 0.01945788972079754, 0.008478696458041668, 0.008694255724549294, 0.002376549644395709, -0.03992172330617905, 0.005054883658885956, -0.009448716416954994, -0.035294368863105774, 2.0433297322597355e-05, 0.022389505058526993, 0.015707144513726234, -0.01139594241976738, -0.01603766903281212, 0.006588952615857124, 0.021771566942334175, -0.013156349770724773, -0.012983901426196098, 0.008184097707271576, -0.021987127140164375, 0.0043543134815990925, 0.009067893959581852, -0.026930637657642365, 0.03356988728046417, 0.015232911333441734, 0.023323599249124527, -0.0020011160522699356, 0.00026159113622270525, -0.00029594602528959513, -0.008629588410258293, 0.0017011282034218311, 0.0007005702354945242, -0.02361101284623146, -0.009175674058496952, 0.0282527394592762, 0.00219332380220294, 0.04354313388466835, -0.029143720865249634, 0.016454419121146202, -0.013055754825472832, -0.002392716705799103, 0.003204659791663289, 0.012452187016606331, 0.020938068628311157, -0.022030239924788475, -1.0988511348841712e-05, -0.011360015720129013, -0.024588217958807945, 0.029689807444810867, -0.010799559764564037, -0.01832260563969612, 0.011259420774877071, -0.0008245172793976963, 0.00015223929949570447, -0.006477579940110445, 0.005439299158751965, 0.03621409088373184, -0.032477717846632004, -0.011525277979671955, 0.029862254858016968, -0.019644707441329956, 0.019227957352995872, 0.0018933359533548355, -0.0005986282485537231, 0.012947974726557732, 0.005356667563319206, -0.03506443649530411, 0.0011209123767912388, 0.038283467292785645, 0.009039152413606644, 0.027534205466508865, 0.014622158370912075, 0.020090198144316673, -0.03612786903977394, 0.010361254215240479, 0.03115561604499817, 0.024329546838998795, 0.015965815633535385, -0.012746785767376423, -0.006987738888710737, -0.007020073011517525, -0.01902676932513714, 0.012035436928272247, 0.009463086724281311, -0.013034198433160782, -0.021124886348843575, -0.0019023176282644272, -0.010533701628446579, -0.017647184431552887, -0.000554169004317373, -0.0006821578135713935, -0.0066033233888447285, 0.004023788031190634, -0.018911803141236305, 0.006646435242146254, 0.00022555218311026692, 0.02335233986377716, -0.01655501313507557, 0.010167249478399754, -0.013429392129182816, -0.02703123353421688, 0.04371558129787445, -0.01507483422756195, 0.008938557468354702, -0.015347876586019993, 0.02352478913962841, 0.003872895846143365, 0.0280802920460701, -0.017690297216176987, 0.03379981964826584, 0.0293305404484272, 0.011920471675693989, -0.020679395645856857, -0.010289400815963745, -0.036070384085178375, 0.031471770256757736, 0.022432617843151093, 0.012753970921039581, 0.004027380608022213, -0.03414471447467804, 0.021326076239347458, 0.023208634927868843, -0.017316658049821854, -0.02169971354305744, -0.023797832429409027, 0.017445994541049004, 0.02634144015610218, 0.003229808295145631, -0.017560960724949837, -0.014571860432624817, 0.04762440547347069, -0.005622525233775377, 0.028037179261446, 0.005938679911196232, -0.027792878448963165, -0.0063733928836882114, -0.004138753283768892, -0.008902630768716335, 0.034115973860025406, 0.003249567933380604, 0.006966182962059975, -0.013113237917423248, 0.007709864992648363, -0.023409822955727577, -0.04285334050655365, -0.005514745134860277, 0.013623395934700966, -0.006172203458845615, -0.005988977383822203, 0.02175719663500786, 0.023021815344691277, -0.002015486592426896, -0.00033321994123980403, -0.009118190966546535, -0.02980477176606655, 0.0030519713182002306, 0.020779991522431374, -0.005191404838114977, 0.004347127862274647, 0.0068691810593008995, -0.015333506278693676, 0.028051549568772316, 0.005992569960653782, -0.025680389255285263, -0.0274336114525795, -0.0036070384085178375, 0.008004464209079742, 0.018610019236803055, 0.03049456514418125, -0.010253474116325378, -0.01212884671986103, 0.027476724237203598, 0.009678646922111511, 0.009951690211892128, -0.015390989370644093, 0.004709987435489893, -0.00014920799003448337, -0.0006938339793123305, 0.007145816460251808, -0.5959804654121399, -0.011877359822392464, 0.026240846142172813, -0.023725979030132294, -0.010950451716780663, -0.00823439471423626, 0.007465563714504242, 0.008672700263559818, 0.0006318604573607445, 0.020075827836990356, -0.025622906163334846, -0.004727950785309076, -0.007537417113780975, 0.0007746689952909946, -0.017905855551362038, -0.014787420630455017, 0.0007113481988199055, -0.01672746054828167, 0.02070813812315464, 0.014061701484024525, -0.022734401747584343, 0.01827949471771717, -0.012646190822124481, 0.0002517112880013883, 0.009211599826812744, -0.00010598370135994628, 0.01776214875280857, -0.03302380070090294, -0.0007055101450532675, 0.009915763512253761, -0.007436822168529034, 0.008672700263559818, -0.004587837029248476, 0.023208634927868843, 0.05170567333698273, -0.03328247368335724, -0.010282215662300587, 0.01758970133960247, 0.03150051087141037, 0.015735885128378868, -0.03164421766996384, -0.010059470310807228, 0.008952927775681019, 0.004275274928659201, -0.0037902644835412502, 0.006664398591965437, 0.002805873518809676, -0.004674060735851526, -0.017431624233722687, -0.048716574907302856, 0.02317989245057106, 0.012315665371716022, -0.026887526735663414, 0.000703713798429817, -0.004699209704995155, -0.012445000931620598, 0.019357293844223022, -0.013163534924387932, 0.015419729985296726, -0.005248887464404106, 0.009872650727629662, -0.01677057333290577, -0.00774579169228673, -0.022648178040981293, -0.033339958637952805, 0.018595648929476738, -0.01044029276818037, 0.0050656613893806934, -0.014313188381493092, -0.005845270585268736, 0.015002980828285217, 0.02812340296804905, 0.013644952327013016, -0.006678769364953041, 0.013213831931352615, 0.014593416824936867, 0.028568893671035767, 0.012833009473979473, -0.007875127717852592, 0.010785188525915146, -0.01178395003080368, -0.0021717676427215338, -0.016109522432088852, 0.008184097707271576, 0.015649661421775818, -0.009154117666184902, -0.04446285590529442, 0.008227209560573101, -0.0147730503231287, 0.012085734866559505, 0.0040489365346729755, -0.013573098927736282, -0.025622906163334846, -0.04888902232050896, 0.006391356233507395, 0.013055754825472832, 0.004106419160962105, 0.008794850669801235, 0.021081775426864624, -0.04891776666045189, -0.024861261248588562, -0.025637278333306313, 0.007760162465274334, -0.02980477176606655, 0.014844903722405434, 0.017604071646928787, -0.005471633281558752, 0.006147054489701986, 0.03963430970907211, -0.007788904011249542, 0.005378223489969969, -0.01199951022863388, -0.011992325074970722, 0.00583808496594429, -0.0009215192985720932, -0.022547584027051926, 0.036156609654426575, 0.011424683965742588, -0.00834217481315136, -0.008169726468622684, 0.019529743120074272, 0.00883796252310276, 0.01954411342740059, -0.007408081088215113, 0.008378101512789726, 0.0077817183919250965, 0.008349359966814518, -0.003562130033969879, -0.0136952493339777, -0.009139747358858585, 0.01020317617803812, -0.006244056858122349, 0.022087721154093742, -0.014399413019418716, 0.03345492109656334, 0.003847747342661023, 0.021153628826141357, 0.003240586258471012, 0.002008301205933094, -0.033598627895116806, -0.01767592504620552, 0.004145938437432051, 0.007896684110164642, -0.04644601047039032, -0.01193484291434288, -0.0028543744701892138, 0.003298069117590785, 0.01737414114177227, 0.0022957148030400276, -0.01849505305290222, 0.005115958862006664, -0.01685679703950882, -0.017273547127842903, 0.03046582266688347, -0.010835486464202404, 0.0028651526663452387, -0.0006327586015686393, -0.03106939047574997, -0.01980278454720974, -0.025019338354468346, -0.0026370182167738676, 0.0287269726395607, -0.01737414114177227, -0.016281969845294952, 0.002786113880574703, -0.030178409069776535, -0.00438664760440588, -0.0031399917788803577, 0.013393465429544449, -0.03535185009241104, -0.0031417880672961473, -0.035811711102724075, -0.008026019670069218, 0.0288994200527668, -0.007882312871515751, 0.0038549324963241816, -0.008155356161296368, -0.00018603283388074487, 0.003193881595507264, -0.015448471531271935, 0.016181375831365585, 0.01453593373298645, 0.005496781785041094, -0.008378101512789726, 0.03405849263072014, -0.004515983629971743, 0.010490589775145054, 0.006473987363278866, -0.003344773780554533, 0.0051447004079818726, 0.007666753139346838, 0.011460610665380955, -0.01906988024711609, 0.008715812116861343, -0.011259420774877071, 0.0030070629436522722, 0.016526272520422935, -0.006732659414410591, -0.023366712033748627, 0.036329057067632675, 0.016626866534352303, -0.004929140210151672, 0.013882067985832691, -0.014162296429276466, 0.016928650438785553, -0.02777850814163685, 0.025105562061071396, -0.006236871238797903, 0.022978702560067177, 0.011316903866827488, -0.012013881467282772, -0.004372276831418276, -0.007932610809803009, -0.013343168422579765, 0.011151640675961971, 0.03397226706147194, -0.02135481685400009, 0.022605065256357193, -0.015046092681586742, 0.01044029276818037, 0.0158077385276556, 0.006412912160158157, 0.033081285655498505, 0.010195991024374962, 0.0020873399917036295, -0.0034615355543792248, 0.007264374289661646, 0.028583265841007233, 0.009484643116593361, -0.024976227432489395, -0.014334744773805141, -0.0024519958533346653, 0.01569277234375477, 0.004095641430467367, 0.01950100064277649, 0.01963033713400364, 0.02980477176606655, 0.009499013423919678, 0.014974239282310009, -0.004253718536347151, 0.020118940621614456, 0.023927167057991028, -0.0018627982353791595, -0.016181375831365585, 0.0013966496335342526, -0.0049435109831392765, 0.033339958637952805, 0.02369723655283451, -0.007537417113780975, 0.02158474735915661, 0.007875127717852592, 0.015592178329825401, 0.0158077385276556, 0.019860267639160156, 0.0021681750658899546, 0.005557856988161802, 0.009958875365555286, 0.007041628938168287, 0.04423292726278305, 0.04242222011089325, 0.014198223128914833, -0.015534695237874985, 0.03868584707379341, 0.006973368115723133, 0.004411796107888222, -0.06512787938117981, 0.007623641286045313, 0.016540642827749252, 0.0029244315810501575, -0.01720169372856617, 0.006696732714772224, -0.012013881467282772, 0.0042357551865279675, -0.022375134751200676, 0.017604071646928787, -0.0025130710564553738, 0.023021815344691277, -0.008866704069077969, 0.030178409069776535, -0.017216064035892487, -0.04133005067706108, -0.021067403256893158, 0.023639753460884094, 0.016224488615989685, -0.002520256442949176, -0.025507941842079163, 0.006958997342735529, 0.02378346025943756, -0.004487242083996534, 0.0020406353287398815, -0.006376985460519791, -0.01074926182627678, -0.004828545730561018, -0.026801301166415215, -0.006517099216580391, 0.010001987218856812, 0.020219534635543823, -0.003589075058698654, 0.0030250262934714556, -0.00332501414231956, 0.016799313947558403, -0.009175674058496952, -0.011065416969358921, -0.014579045586287975, 0.05176315829157829, -0.009463086724281311, -0.01767592504620552, -0.023064928129315376, 0.005180627107620239, -0.008952927775681019, -0.007602084893733263, -0.009807983413338661, 0.00042662929627113044, 0.02006145752966404, 0.01562091987580061, 0.012013881467282772, -0.019817154854536057, 0.009441531263291836, 0.034288421273231506, -0.008363730274140835, -0.0010239103576168418, -0.019903380423784256, -0.00018311379244551063, 0.03224778547883034, 0.028137775138020515, 0.04227851331233978, -0.01360184047371149, 0.0017577126855030656, -0.013565913774073124, 0.0021070996299386024, -0.020291388034820557, 0.006366207264363766, 0.021196739748120308, 0.019486630335450172, -0.005047698505222797, -0.008363730274140835, 0.0043543134815990925, 0.015232911333441734, 0.024674441665410995, 0.0022112871520221233, 0.0013229999458417296, -0.030839459970593452, 0.008220024406909943, 0.03006344474852085, -0.013415021821856499, -0.021369189023971558, 0.014974239282310009, 0.037018850445747375, -0.0071170749142766, 0.0080116493627429, 0.016914280131459236, 0.006905107758939266, -0.004250125959515572, -0.020938068628311157, 0.009197229519486427, 0.023323599249124527, 0.030092185363173485, 0.03072449564933777, -0.026283957064151764, 0.016756203025579453, 0.020593171939253807, 0.013616210781037807, 0.013968292623758316, -0.03586919605731964, 0.026887526735663414, 0.012387518770992756, 0.01256715226918459, 0.00801883451640606, 0.01889743283390999, -0.012559967115521431, 0.0067937346175313, 0.017388511449098587, -0.031098132953047752, -0.01442815363407135, 0.016181375831365585, -0.020176421850919724, -0.03532310947775841, -0.011216308921575546, -0.011194752529263496, -0.011977954767644405, -0.015520324930548668, -0.005087217781692743, 0.003646557917818427, -0.03236275166273117, -0.017489107325673103, -0.006912292912602425, 0.018207641318440437, -0.00447287131100893, -0.002484329743310809, -0.008823592215776443, -0.016928650438785553, -0.0011209123767912388, -0.014047331176698208, -0.00929063931107521, 0.002868745243176818, -0.003425608854740858, -0.042221032083034515, -0.015146687626838684, 0.0033807004801928997, 0.01819326914846897, 0.00648835813626647, 0.007336227688938379, -0.020823102444410324, 0.010447477921843529, -0.008140984922647476, 0.003229808295145631, -0.007127853110432625, -0.010612741112709045, -0.010835486464202404, -0.019256699830293655, -0.00727874506264925, -0.019774043932557106, 0.0008047575829550624, -0.04279585927724838, -0.0005227331421338022, 0.0034471647813916206, 0.01254559587687254, 0.006588952615857124, 0.011007933877408504, -0.0006134480354376137, 0.02655700035393238, 0.030925683677196503, 0.007199706509709358, -0.023079298436641693, 0.01254559587687254, 0.0079038692638278, -0.008471510373055935, 0.009297824464738369, 0.026413293555378914, 0.004092048853635788, 0.0022777514532208443, -0.02023390494287014, -0.0019831527024507523, -0.016138263046741486, 0.020593171939253807, -0.018207641318440437, 0.015735885128378868, 0.0057734171859920025, 0.014464080333709717, 0.0313568040728569, 0.015376618131995201, 0.015261652879416943, 0.016713090240955353, -0.0035333887208253145, -0.00191489199642092, -0.016583753749728203, 0.0297185480594635, 0.00885951891541481, -0.008255950175225735, 0.022561954334378242, 0.000302233180264011, -0.00028135080356150866, -0.013012642972171307, -0.012006695382297039, -0.018739355728030205, 0.014406598173081875, 0.0077529773116111755, -0.0295461006462574, -0.028913790360093117, -0.016396936029195786, -0.0290718674659729, -0.011970769613981247, -0.027447981759905815, -0.013975477777421474, 0.0005384510732255876, -0.013321612030267715, 0.024616960436105728, 0.0061219059862196445, -0.011230679228901863, -0.019400406628847122, -0.03425968065857887, 0.023337969556450844, -0.0010840875329449773, 0.010907339863479137, -0.01876809634268284, 0.006567396689206362, -0.005672822706401348, -0.03730626404285431, -0.012064178474247456, -0.0274336114525795, -0.02100992202758789, 0.011058231815695763, 0.01875372603535652, 0.014456895180046558, 0.03799605369567871, -0.0017675926210358739, -0.003725596470758319, 0.028482669964432716, -0.006222500465810299, -0.00022701169655192643, 0.005299184937030077, 0.0015214948216453195, -0.008500251919031143, 0.005874011665582657, 0.04173243045806885, -0.010555258020758629, 0.025191787630319595, 0.0018502238672226667, 0.03776612505316734, 0.019472260028123856, 0.0019598002545535564, -0.030781978741288185, -0.013479690067470074, -0.04940636828541756, -0.008191282860934734, -0.0029873033054172993, -0.004774655681103468, 0.01737414114177227, -0.03124183975160122, -0.017647184431552887, -0.004429759457707405, 0.001481077284552157, 0.012056993320584297, 0.0032082523684948683, 0.029862254858016968, 0.004404610954225063, -0.0005838085198774934, 0.02599654346704483, 0.026528259739279747, -0.031098132953047752, 0.004875250160694122, -0.025924690067768097, -0.005338704213500023, 0.019946491345763206, -0.023539159446954727, 0.011970769613981247, -0.00017671435489319265, 0.019989604130387306, -0.0010436699958518147, -1.2644506568904035e-05, -0.0041423458606004715, -0.01771903783082962, -0.011237865313887596, -0.005755453836172819, -0.012322850525379181, -0.030264632776379585, -0.022116463631391525, 0.022375134751200676, -0.031126873567700386, 0.0019130955915898085, 0.0020442279055714607, 0.010706149972975254, -0.028870679438114166, -0.016483159735798836, 0.003772301133722067, 0.019745301455259323, 0.04107137769460678, -0.013522801920771599, 0.021872160956263542, 0.02741924114525318, -0.009096634574234486, -0.025536682456731796, 0.011144455522298813, 0.015060463920235634, 0.012682117521762848, 0.02352478913962841, 0.03305254504084587, -0.04986622929573059, -0.022418247535824776, -0.0015484398463740945, -0.0034938694443553686, -0.0031884927302598953, -0.054867222905159, 0.03227652609348297, 0.021110516041517258, 0.012143217027187347, -0.027749765664339066, 0.0023208633065223694, -0.027045603841543198, 0.03397226706147194, -0.007738606538623571, 0.017043616622686386, -0.010411551222205162, -0.016138263046741486, -0.0010724113089963794, 0.030178409069776535, -0.012423445470631123, 0.05138951912522316, -0.003865710459649563, -0.00799727812409401, 0.000765687320381403, -0.00039182533510029316, -0.010698964819312096, 0.025062451139092445, -0.010016357526183128, 0.052366726100444794, -0.005834492389112711, -0.005931494757533073, 0.014492821879684925, -0.006524284835904837, 0.004792619030922651, 0.005830899812281132, -0.002507682191208005, 0.031011909246444702, -0.023668495938181877, -0.01286893617361784, -0.011417497880756855, -0.004810582380741835, 0.024947484955191612, -0.0020280610769987106, -0.01975967362523079, -0.016454419121146202, -0.015146687626838684, -0.0026064806152135134, 0.021670972928404808, -0.019989604130387306, 0.016842426732182503, 0.012595893815159798, -0.0071170749142766, -0.02070813812315464, -0.033253733068704605, -0.006930256262421608, 0.0145574901252985, -0.05285532772541046, -0.01035406906157732, -0.013199461624026299, -0.010569628328084946, 0.006333873141556978, -0.00044818531023338437, -0.03089694306254387, 0.007005702238529921, 0.025622906163334846, -0.024530736729502678, 0.012904862873256207, 0.03630031645298004, 0.012466557323932648, -0.02655700035393238, -0.006484765559434891, -0.024933114647865295, -0.004806989338248968, 0.01746036484837532, -0.01875372603535652, -0.03891577944159508, -0.007803274318575859, -0.008385286666452885, 0.017560960724949837, 0.011331274174153805, -0.010627111420035362, -0.006621286738663912, -0.011166011914610863, 0.010124137625098228, -0.011252235621213913, -0.01806393451988697, 0.023625383153557777, -0.0046776533126831055, -0.01531913597136736, 0.028971273452043533, -0.029574841260910034, 0.038369692862033844, -0.01625322923064232, -0.007012887392193079, 0.0005164460162632167, -0.049032729119062424, -0.011403127573430538, 0.0023945129942148924, 0.01629634201526642, -0.009017596021294594, -0.01325694378465414, -0.004038158804178238, -0.008334989659488201, -0.006948219612240791, 0.020722508430480957, -0.000674523354973644, -0.022375134751200676, -0.0015241893706843257, -0.01625322923064232, -0.00531714828684926, 0.006811697967350483, -0.014406598173081875, -0.003980675712227821, 0.016080781817436218, 0.0027537799905985594, -0.041445016860961914, -0.017359770834445953, 0.018265122547745705, 0.05423491448163986, 0.0276491716504097, -0.004038158804178238, -0.021254222840070724, -0.01862438954412937, -0.06524284929037094, -0.020506948232650757, -0.018552536144852638, 0.017905855551362038, 0.010124137625098228, 0.004131568130105734, -0.007918239571154118, 0.018969286233186722, -0.01518979948014021, 0.0016373583348467946, -0.004785433411598206, -0.011295347474515438, -0.011467795819044113, 0.012861751019954681, 7.089905557222664e-05, -0.0025992952287197113, -0.05147574469447136, 0.004401017911732197, 0.0035585374571383, -0.004598614759743214, -0.023855313658714294, 0.017920227721333504, 0.0011442647082731128, -0.000992474495433271, 0.0025992952287197113, -0.007954166270792484, 0.004296830855309963, 0.0006215315079316497, -0.010102582164108753, -0.03193163126707077, 0.01595144532620907, 0.0017146007157862186, -0.008054761216044426, -0.022202687337994576, -0.0067937346175313, -0.0008056557853706181, -0.012610264122486115, -0.010152879171073437, -0.014744308777153492, -0.02057880163192749, 0.007479934487491846, -0.030781978741288185, 0.017172951251268387, 0.009549311362206936, 0.005000993609428406, 0.04207732528448105, 0.005568635184317827, 0.015175429172813892, -0.014406598173081875, -0.021944014355540276, -0.024157097563147545, -0.005198590457439423, 0.0011855803895741701, -0.01569277234375477, -0.003515425371006131, -0.000284045294392854, 0.010799559764564037, 0.003840561956167221, 0.003210048656910658, -0.0038118206430226564, -0.014622158370912075, -0.03538059443235397, 0.03322499245405197, 0.01997523382306099, -0.021282963454723358, -0.0075517878867685795, -0.008528993465006351, 0.003102268557995558, 0.0008047575829550624, 0.016885539516806602, -0.0021609896793961525, -0.019443517550826073, 0.02621210366487503, 0.002748390892520547, -0.01655501313507557, -0.012516854330897331, 0.010346882976591587, 0.01330005656927824, -0.0008752637077122927, 0.0014191038208082318, 0.18394459784030914, -0.008155356161296368, 0.008313433267176151, 0.018480682745575905, 0.007824830710887909, -0.010195991024374962, 0.030092185363173485, 0.004587837029248476, 0.0070991115644574165, 0.018595648929476738, -0.006524284835904837, 0.002473551779985428, -0.02698812074959278, -0.0002649592643138021, 0.01988900825381279, -0.02279188483953476, -0.03661647066473961, -0.033598627895116806, -0.012193514965474606, 0.01118038222193718, 0.0018187881214544177, 0.0006951811956241727, -0.011022305116057396, -0.016842426732182503, 0.018782466650009155, -0.020075827836990356, -0.0297185480594635, -0.011683356016874313, 0.013422206975519657, 0.004709987435489893, -0.020205164328217506, -0.024731924757361412, 0.025019338354468346, 0.00056584517005831, -0.01351561676710844, -0.004857286810874939, 0.0288994200527668, -0.0012080345768481493, 0.00781764555722475, 0.014586231671273708, -0.013436577282845974, -0.009930133819580078, 0.006696732714772224, 0.017259176820516586, 0.001675081322900951, 0.009111005812883377, -0.0030393970664590597, 0.015664031729102135, -0.01254559587687254, 0.0005797667545266449, -0.01915610395371914, -0.0317017026245594, 0.015347876586019993, 0.01866750232875347, -0.015750255435705185, -0.0021106924396008253, -0.007027258165180683, 0.012696487829089165, 0.017704667523503304, 0.0018897432601079345, -0.026398923248052597, 0.01381740067154169, 0.023208634927868843, -0.0009179266053251922, -0.024631330743432045, 0.02711745724081993, -0.027059974148869514, 0.022892478853464127, 0.012157588265836239, 0.0017747778911143541, -0.005500374361872673, -0.029661064967513084, -0.017560960724949837, 0.0036142237950116396, -0.04216355085372925, -0.01325694378465414, 0.039835501462221146, -0.007515861187130213, 0.0147730503231287, 0.020047087222337723, 0.008097873069345951, 0.006186573766171932, -0.00564408116042614, 0.00885951891541481, -0.012595893815159798, -0.042393479496240616, 0.012912048026919365, -0.004537539556622505, -0.006854810286313295, -0.019644707441329956, -0.007364969234913588, 0.021383559331297874, -0.02421458065509796, -0.0049974010325968266, 0.02313678152859211, -0.012732414528727531, 0.029014384374022484, 0.011410312727093697, -0.027835989370942116, -5.4311032727127895e-05, -0.0016481364145874977, 0.04693461209535599, 0.013522801920771599, 0.0016508308472111821, -0.006021311040967703, -0.02079436182975769, -0.0005254276911728084, 0.00749430526047945, 0.02195838652551174, -0.003819005796685815, 0.0034471647813916206, -0.03198911249637604, 0.014715567231178284, -0.014902385883033276, 0.0037076331209391356, 0.033598627895116806, 0.0011721078772097826, -0.0063087246380746365, 0.00781764555722475, -0.014464080333709717, 0.0074727488681674, -0.01599455624818802, 0.02279188483953476, 0.02881319634616375, -0.02361101284623146, 0.02079436182975769, -0.024760667234659195, -0.0012475538533180952, -0.01421259343624115, -0.04319823905825615, 0.024329546838998795, -0.01599455624818802, 0.008823592215776443, 0.01074207667261362, -0.001744240173138678, -0.022173944860696793, -0.023467306047677994, -0.027979696169495583, -0.024113986641168594, 0.0017190915532410145, 0.012725229375064373, -0.002584924455732107, 0.01967344805598259, 0.018480682745575905, 0.0024951077066361904, 0.0036770955193787813, -0.0034166271798312664, 0.032477717846632004, -0.007558973040431738, -0.01906988024711609, 0.011424683965742588, -0.025680389255285263, 0.017474737018346786, -0.02057880163192749, 0.000259570253547281, -0.014974239282310009, -0.018265122547745705, -0.02980477176606655, -0.011712096631526947, 0.0017397493356838822, -0.04098515585064888, 0.0003518568992149085, 0.03512192144989967, -0.007738606538623571, -0.014284446835517883, -0.006143461912870407, -0.18428948521614075, 0.008385286666452885, 0.026327069848775864, -0.028798826038837433, 0.02915809117257595, 0.022863738238811493, 0.003572908230125904, 0.0027232421562075615, -0.014636528678238392, -0.003977083135396242, 0.023251745849847794, 0.006969775538891554, -0.008521808311343193, -0.029388023540377617, -0.010512146167457104, 0.0019867452792823315, -0.0003767810412682593, 0.0019903378561139107, 0.03661647066473961, 0.011625872924923897, 0.014004219323396683, -0.040496550500392914, 0.015778997913002968, 0.01954411342740059, 0.00015650558634661138, 0.009743315167725086, 0.0022759551648050547, -0.004699209704995155, -0.010641481727361679, -0.02253321185708046, 0.004045343957841396, -0.026025285944342613, 0.02236076444387436, -0.013939551077783108, -0.01672746054828167, 0.013846142217516899, 0.0034669244196265936, -6.663276144536212e-05, -0.014708382077515125, 0.05949457734823227, 0.031471770256757736, 0.021857790648937225, 0.011748023331165314, 0.017187323421239853, -0.02483252063393593, 0.00447287131100893, 0.03236275166273117, -0.019443517550826073, -0.008722997270524502, -0.0036699101328849792, -0.011166011914610863, -0.004652504809200764, 0.026916267350316048, -0.0002746145473793149, 0.013659322634339333, 0.011151640675961971, 0.023194262757897377, 0.0007355987327173352, 0.028324592858552933, -0.0025220527313649654, -0.016569383442401886, -0.005701563786715269, 0.03699010610580444, -0.016396936029195786, 0.004307608585804701, -0.039576828479766846, -0.018437571823596954, 0.005108773708343506, -0.016799313947558403, -0.004135160706937313, -0.020521318539977074, -0.012401889078319073, 0.01595144532620907, -0.0005635997513309121, 0.02192964404821396, 0.036156609654426575, 0.009836724027991295, 0.0006601526984013617, -0.011058231815695763, 0.01711547002196312, -0.00018041928706225008, 0.044606562703847885, -0.0013858715537935495, -0.00885951891541481, -0.008464325219392776, -0.020463835448026657, -0.011237865313887596, -0.00959960836917162, 0.01527602318674326, -0.007630826439708471, 0.018839949741959572, -0.027476724237203598, 0.02361101284623146, -0.007573343813419342, 0.02629832923412323, -0.00023127798340283334, 0.006244056858122349, -0.002477144356817007, 0.0067218816839158535, 0.0009691221639513969, -0.006359022110700607, -0.004609392955899239, -0.011130085214972496, 0.009987616911530495, 0.047854334115982056, 0.02214520424604416, -0.009103820659220219, -0.0026639632415026426, 0.031126873567700386, -0.016095152124762535, 0.009736130014061928, 0.005514745134860277, 0.033081285655498505, 0.0021340446546673775, -0.01013850886374712, 0.03497821465134621, -0.002407087478786707, -0.022820625454187393, 0.017388511449098587, -0.005554264411330223, 0.0571952722966671, -0.00433275755494833, -0.03963430970907211, -0.010900153778493404, -0.0029405986424535513, -0.008399656973779202, -0.12634694576263428, 0.0037579305935651064, 0.014528748579323292, 0.024904374033212662, -0.03558178246021271, 0.010397180914878845, -0.008191282860934734, 0.005640488583594561, -0.013609025627374649, 0.03831220790743828, -0.023984650149941444, -0.014133554883301258, -0.016411306336522102, -0.006491950713098049, -0.005654859356582165, -0.009757685475051403, 0.024760667234659195, -0.038197245448827744, -0.01898365654051304, 0.05113084986805916, 0.0019238736713305116, -0.013098866678774357, -0.007077555637806654, -0.012358777225017548, 0.0009852891089394689, -0.004361498635262251, -0.026456406340003014, 0.016368195414543152, 0.013939551077783108, 0.03233401104807854, 0.01182706281542778, -0.025421718135476112, -0.007501490414142609, -0.008097873069345951, 0.0011191159719601274, -0.018480682745575905, -0.015750255435705185, 0.002872337820008397, 0.016080781817436218, -0.016109522432088852, 0.002631629118695855, 0.003883673809468746, 0.017747778445482254, 0.005600969307124615, -0.022217057645320892, 0.006154240109026432, -0.028353333473205566, 0.02421458065509796, -0.007364969234913588, -0.0037291892804205418, -0.007566158194094896, -0.05248169228434563, -0.01098637841641903, 0.0034543501678854227, 0.01741725392639637, -0.02001834474503994, -0.008220024406909943, 0.002473551779985428, -0.01889743283390999, 0.01421259343624115, -0.004591429606080055, 0.005583005957305431, -0.01518979948014021, 0.013285685330629349, 0.03463331609964371, 0.014528748579323292, -0.04385928809642792, -0.018509425222873688, -0.007875127717852592, 0.005651266314089298, -0.010167249478399754, 0.04270963370800018, -0.0010589387966319919, 0.005108773708343506, -0.03696136549115181, -0.01612389273941517, -0.02257632464170456, -0.022763142362236977, 0.006829661317169666, -0.005022549536079168, -0.008701441809535027, -0.02113925665616989, 0.0006448838976211846, -0.018293865025043488, 0.006883551366627216, -0.009146932512521744, -0.02430080436170101, -0.008823592215776443, 0.011554019525647163, -0.040927670896053314, 0.006024904083460569, -0.00024228054098784924, 0.009261897765100002, 0.003131010103970766, 0.002232843078672886, 0.036587730050086975, -0.006391356233507395, -0.003465128131210804, 0.0301496684551239, 0.005230924114584923, -0.03739248588681221, -0.0014433542964980006, -0.0569365993142128, 0.02444451116025448, 0.0023046964779496193, -0.007307486142963171, 0.006732659414410591, -0.020162051543593407, 0.006660806015133858, 0.012588707730174065, -0.030437082052230835, -0.0006543146446347237, -0.03207533806562424, -0.0008788563427515328, -0.006865588016808033, -0.01169772632420063, -0.012121661566197872, -0.018552536144852638, 0.0029208390042185783, -0.024070873856544495, 0.018293865025043488, 0.03963430970907211, -0.02361101284623146, 0.005295592360198498, 0.02348167635500431, 0.018696242943406105, -0.009779241867363453, -0.03023589216172695, -0.02522052824497223, 0.007738606538623571, -0.0015744867268949747, 0.0042896452359855175, 0.006032089237123728, -0.0285114124417305, 0.00040103154606185853, 0.020550059154629707, -0.004045343957841396, -0.017000503838062286, 0.024933114647865295, 0.0002283589419675991, 9.127621888183057e-05, 0.023840943351387978, -0.046819645911455154, -0.030092185363173485, -0.005744675640016794, -0.00990139227360487, -0.0021340446546673775, -0.00197776360437274, 0.019960861653089523, 0.009915763512253761, -0.006693140137940645, 0.0008299062610603869, 0.028396446257829666, 0.008744553662836552, 0.011812691576778889, -0.05107336491346359, -0.0141263697296381, 0.02560853585600853, -0.0010634296340867877, -0.009455901570618153, 0.00310945394448936, -0.03937564045190811, 0.03305254504084587, 0.007587714586406946, 0.04121508449316025, 0.009570866823196411, 0.012308480218052864, -0.039145708084106445, -0.027045603841543198, 0.005309963133186102, -0.014816162176430225, -0.024674441665410995, 0.003998639062047005, 0.009448716416954994, 0.023381082341074944, 0.025062451139092445, 0.010073840618133545, 0.0038980445824563503, -0.01562091987580061, 0.01325694378465414, -0.029359281063079834, 0.019572854042053223, 0.017402883619070053, -0.019141733646392822, -0.0024753480684012175, 0.018566906452178955, 0.028367705643177032, -0.015434101223945618, 0.0026603704318404198, 0.02444451116025448, 0.007232040166854858, 0.007875127717852592, 0.013264129869639874, 0.01780526153743267, -0.01171928271651268, -0.007602084893733263, -0.003926786128431559, 0.024113986641168594, -0.023725979030132294, 0.005845270585268736, 0.03431716188788414, 0.017086727544665337, -0.003872895846143365, 0.00844995491206646, -0.008528993465006351, -0.025795355439186096, -0.015390989370644093, 0.00832061842083931, -0.015218541026115417, 0.0018430385971441865, 0.016756203025579453, -0.009427160024642944, 0.01115882582962513, -0.0026962971314787865, 0.015146687626838684, 0.018954915925860405, -0.01780526153743267, 0.004084863234311342, -0.0013849734095856547, -0.04041032865643501, -0.03638653829693794, 0.024458883330225945, -0.01022473257035017, 0.003718411084264517, 0.03681765869259834, 0.022475730627775192, 0.03365611284971237, 0.014686825685203075, 0.0323052704334259, -0.021900903433561325, 0.021167999133467674, -0.026801301166415215, 0.0074583785608410835, -0.0011972564971074462, 0.0035208144690841436, -0.0015753848711028695, -0.00781764555722475, -0.01950100064277649, 0.006096757482737303, 0.0005222840700298548, 0.00024228054098784924, 0.10398617386817932, 0.036673951894044876, -0.01567840203642845, 0.01370962057262659, -0.014974239282310009, 0.010152879171073437, 0.025105562061071396, -0.016440048813819885, 0.001702026347629726, -0.06087416410446167, 0.0024394213687628508, -0.00939841940999031, 0.009448716416954994, -0.02833896316587925, -0.004616578109562397, -0.02543608844280243, -0.01802082173526287, 0.029661064967513084, -0.018610019236803055, 0.00844995491206646, 0.010454663075506687, 0.025579795241355896, 0.012725229375064373, 0.005187812261283398, -0.006017718464136124, -0.013328797183930874, -0.0023190670181065798, -0.0013966496335342526, 0.02197275683283806, -0.0301496684551239, -0.0018116027349606156, 0.009700203314423561, -0.031098132953047752, -0.016440048813819885, -0.013831770978868008, 0.002196916379034519, -0.00496147433295846, 0.0025561831425875425, 0.023165522143244743, 0.00265857414342463, 0.02023390494287014, 0.004066899884492159, 0.011237865313887596, -0.024027762934565544, -0.02569475956261158, -0.0050656613893806934, -0.020075827836990356, -0.015333506278693676, -0.04164620488882065], metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='8f94e813-f60d-4e9d-8ab1-fd4dbe0d2806', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='7fbb867180683b87b30353e1d2934dc5adcd9ec1fa7656efc613598ec012c796'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='cfefe5cf-3a32-476b-a287-6ea83ba44e5e', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='840f6cfb576f47d00f18e9b3bee05bb1714510a5de7ecd8c387b32a569b4c2d7'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='1a88d60d-a80a-4fb7-8f18-0b92a1897131', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='9ec6a656506c1153ef6daf48ab647292bbe3c7eae6fba1ec8d2c38228b59eef6')}, hash='ab6dbcfe9ba8a664e2922627bb87d5f41697fa21d16b95b1885fa9312dcd3a9c', text='Thus, t o avoid stucking into a l ocal minimum the greedy search algo rithm em ploy s a backtracking procedure on the zero layer. Simulations show that at least for low dimensional data (Fig. 11, d=4) the dependence of the required ef parameter (which determines the complexity via t he minimal number of hops during the backtracking) to get a fixed recall saturates with the rise of the dataset size . The b acktracking co mplexity is an additive term in respect to the final comple xity, thus, as follows from the empirical data, inaccuracies of the Delauna y graph approximation do not alter the scaling . Such empirical investigation of the Delaunay graph approximation resilience require s having the average number of Delaunay graph edges independent of the d ataset to evidence how well the edges are approximated with a constant number of connections in Hierarchical NSW. However, the average degree of Delaunay graph scales exponentially with the dimensionality [39]), thus for high dimensional data (e.g. d=128) the aforeme ntioned condition requires having extremely larg e datasets, mak ing such empricial investigation unfeasible. Further analitical evidence is required to confirm whether the resilience of Delaunay graph aproximations genera lizes to higher dimensional spaces. 4.2.2 Construction complexity The construction is done by iterative insertions of all el ements, while the insertion of an element is merely a sequence of K-ANN-searches at different layers with a su bsequent use of heuristic (which has fixed complexity at fixed efConstruction ). The average number of lay ers for an element to be added in is a constant that depends on mL: \\uf05b\\uf05d\\uf05b \\uf05d 1 ln( (0,1)) 1 1LL E l E unif m m\\uf02b \\uf03d \\uf02d \\uf02b \\uf03d \\uf02b (1) Thus, the insertion complexiy scaling is the same as the one for the search, meaning that at least for relatively low dimensional datasets the construction time scales as O(N∙log( N)). 0 5 10 15 20 25 30 35 400102030405060708090Build time, minutesThread count10M SIFT, d=128, M=16 , efConstruction =100 4X Xeon E5-4650 v2 (4x10 cores) Core i7-6850K (6 cores+HT) 0 2 4 6 8 10 120.20.30.40.50.60.7Query time, msBuild time, minutes10M SIFT, d=128, M=16,Recall 0.9, 1-NN 100101102103104105106107108109024681012Average ef to reach target recallDataset sizeRandom vectors, d=4M=6, Mmax0=12, 1-NN Recall=0.9 Recall=0.99 Recall=0.999 Fig. 9. Construction time for Hierarchical NSW on 10M SIFT dataset for different numbers of threads on two CPUs. Fig. 10. Plots of t he query time vs constru ction time tradeoff for Hierarchical NSW on 10M SIFT dataset. ', start_char_idx=2622, end_char_idx=5191, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
444
       " TextNode(id_='1a88d60d-a80a-4fb7-8f18-0b92a1897131', embedding=[-0.018455425277352333, 0.019843921065330505, -0.012134876102209091, -0.0073944637551903725, 0.0006250943406485021, 0.021434905007481575, -0.005431043915450573, 0.00042486528400331736, -0.04576251283288002, -0.04946516826748848, 0.0058577172458171844, 0.008128486573696136, 0.0018133611883968115, 0.015070966444909573, -0.015027575194835663, 0.008070632815361023, 0.015635043382644653, 0.005550367757678032, 0.016965683549642563, 0.009900265373289585, -0.04096062853932381, 0.01926538161933422, -0.0073402258567512035, -0.036910850554704666, 0.0037605096586048603, 0.04411367326974869, 0.024978462606668472, -0.027075670659542084, -0.00853346474468708, -0.011498481966555119, 0.017457444220781326, -0.018180618062615395, -0.008634708821773529, 0.002106247004121542, -0.008338207378983498, -0.009842410683631897, 0.00919155403971672, -0.033410683274269104, 0.04622534289956093, 0.0024063647724688053, 0.006385634653270245, 0.013038844801485538, -0.008815502747893333, 0.014564743265509605, -0.003865370061248541, -0.0018450000789016485, 0.0235899668186903, -0.010348633863031864, -0.014007898978888988, 0.037113338708877563, 0.012612171471118927, 0.017891349270939827, -0.024052798748016357, -0.0006743606645613909, 8.231765241362154e-05, 0.006779765244573355, 0.003178353887051344, 0.014463499188423157, 0.0007882607169449329, -0.020219972357153893, -0.011729897931218147, -0.008692562580108643, -0.029679100960493088, 0.014586438424885273, -0.028898071497678757, -0.030951887369155884, -0.014022362418472767, 0.008142950013279915, 0.015823068097233772, 0.0010305242612957954, 0.012395218946039677, 0.019670357927680016, -0.038501836359500885, 0.001191430725157261, 0.04532860592007637, -0.01954018697142601, -0.007304067257791758, 0.01585199497640133, -0.0038906813133507967, 0.009343420155346394, 0.0025582313537597656, -0.02615000680088997, -0.0056733074598014355, 0.017891349270939827, 0.00039571229717694223, 0.011664812453091145, 0.015157747082412243, 0.03054690919816494, -0.048105597496032715, 0.003236207878217101, 0.031125450506806374, 0.028464166447520256, 0.023459795862436295, -0.020306752994656563, 0.007188359275460243, 0.0025889663957059383, -0.012568781152367592, 0.014752768911421299, 0.014984184876084328, -0.021883273497223854, -0.019308771938085556, -0.00030893131042830646, -0.012257815338671207, -0.013046076521277428, -0.0031403873581439257, 0.007112425751984119, -0.007564410101622343, 0.009965350851416588, -0.014940794557332993, 0.016763195395469666, -0.021015463396906853, -0.0009157203021459281, -0.007372768595814705, -0.004809113219380379, -0.0020176582038402557, -0.013921118341386318, 0.03315034136176109, -0.01170820277184248, -0.007998314686119556, -0.003702655667439103, 0.01112966239452362, 0.013624615967273712, 0.030575837939977646, -0.015475943684577942, 0.013414895161986351, 0.013884958811104298, 0.01664748787879944, -0.02648266777396202, 0.004762107040733099, -0.03751831501722336, 0.038848958909511566, 0.023720137774944305, 0.024877218529582024, -0.004881430882960558, -0.03205111250281334, 0.03184862434864044, 0.001854943810030818, -0.014282705262303352, -0.024255288764834404, -0.014405645430088043, 0.019381089136004448, 0.03416278585791588, -0.008641940541565418, -0.018903793767094612, -0.021536150947213173, 0.025658247992396355, 0.0002931118360720575, 0.027957944199442863, 0.0054527390748262405, -0.04205985367298126, 2.2443848138209432e-05, -0.006960559170693159, 0.008598550222814083, 0.03054690919816494, 0.011035650037229061, -0.0005889356252737343, -0.012510926462709904, 0.021362587809562683, -0.016343753784894943, -0.0443740151822567, -0.020191045477986336, 0.017442980781197548, 0.0013026188826188445, -0.010934405028820038, 0.017095856368541718, 0.021883273497223854, 0.004769338760524988, -0.00832374393939972, -0.01135384663939476, -0.026526058092713356, -0.0060204314067959785, 0.024891681969165802, -0.0374893881380558, -0.006523038260638714, 0.01452135294675827, -0.010963331907987595, 0.0338156595826149, 0.012612171471118927, -0.025152025744318962, -0.011194747872650623, -0.006089133210480213, 0.0216518584638834, 0.004787418060004711, 0.008989064954221249, 0.008330975659191608, -0.005919186864048243, 0.03184862434864044, -0.003977462183684111, 0.010558354668319225, -0.024501167237758636, 0.01003766804933548, 0.003234399948269129, 0.005167085211724043, 0.007969387806952, -0.6137151718139648, -0.014579206705093384, 0.009842410683631897, -0.02560039423406124, -0.007564410101622343, 0.0036429937463253736, 0.005311720073223114, 0.0178768839687109, -0.002353934571146965, 0.017226027324795723, -0.03205111250281334, 0.0022436503786593676, -0.009177090600132942, -0.016213582828640938, -0.017486371099948883, -0.02050924114882946, 0.006432641297578812, -0.023532113060355186, 0.012373523786664009, 0.019511260092258453, -0.01647392474114895, 0.03011300601065159, -0.010247388854622841, -0.00457769725471735, 0.0046030087396502495, 5.655454151565209e-05, 0.024775974452495575, -0.028637727722525597, 0.016329290345311165, 0.011209212243556976, -0.0148684773594141, 0.022577522322535515, -0.001772682648152113, 0.03127008676528931, 0.04813452437520027, -0.030084077268838882, -0.00862747710198164, 0.016155729070305824, 0.011505713686347008, 0.02667069248855114, -0.03479917719960213, -0.015418089926242828, 0.009495287202298641, 0.013183479197323322, -0.01355229876935482, 0.012973758392035961, 0.01280019711703062, 0.004458373412489891, -0.009075845591723919, -0.027162451297044754, -0.008707026019692421, 0.0027336012572050095, -0.021897736936807632, 0.009300029836595058, 0.00044113671174272895, -0.008555159904062748, 0.017529761418700218, -0.0011516561498865485, 0.015938775613904, 0.00018870345957111567, 0.018513279035687447, -0.010666830465197563, -0.015157747082412243, -0.012944831512868404, -0.009921960532665253, 0.004075090866535902, -0.006338628474622965, 0.024154042825102806, -0.01664748787879944, -0.020480314269661903, 0.017370661720633507, 0.022317178547382355, 0.013653542846441269, 0.003991925623267889, 0.009112004190683365, 0.02042246051132679, 0.022780010476708412, 0.007405311334878206, -0.03277428820729256, -0.0050224498845636845, -0.007191975135356188, 0.004263116512447596, -0.013306419365108013, 0.0033844588324427605, 0.009350651875138283, 0.007206438574939966, -0.04205985367298126, 0.002339470898732543, -0.014188692905008793, -0.0014617174165323377, 0.019424479454755783, 0.007419775240123272, -0.031038669869303703, -0.04877091944217682, 0.008077864535152912, 0.008829966187477112, 0.017139246687293053, 0.010420951060950756, 0.010435414500534534, -0.03456776216626167, -0.027422795072197914, -0.0055901422165334225, 0.006371171213686466, -0.016488388180732727, 0.010847624391317368, 0.022331641986966133, -7.28259765310213e-05, 0.003948535304516554, 0.013378736563026905, -0.017573151737451553, 0.012821892276406288, -0.004169103689491749, -0.03054690919816494, 0.008721490390598774, -0.0027842235285788774, -0.026641765609383583, 0.03511737659573555, 0.020639413967728615, -0.008562391623854637, 0.0033573396503925323, 0.04182843863964081, 0.01135384663939476, 0.01742851734161377, -0.012134876102209091, 0.0023557425010949373, 0.0002976316900458187, 0.007636727299541235, -0.019482333213090897, -0.020364606752991676, -0.01355953048914671, 0.014564743265509605, -0.0037424303591251373, 0.01290144119411707, -0.022027909755706787, 0.013183479197323322, -0.009661617688834667, 0.015244527719914913, 0.0037822050508111715, 0.008251425810158253, -0.0039015288930386305, -0.045010410249233246, 0.00817910861223936, 0.007470397278666496, -0.03572484105825424, -0.012171034701168537, -0.0016117761842906475, -0.007969387806952, 0.01796366646885872, -0.002276193117722869, -0.029794808477163315, -0.004328201990574598, -0.016849976032972336, -0.025368977338075638, 0.012127644382417202, 0.0006038511055521667, -0.006996717769652605, -0.004736796021461487, -0.02059602364897728, -0.017182637006044388, -0.02428421564400196, 0.0010621632682159543, 0.04020852595567703, -0.011281529441475868, -0.021724175661802292, -0.007249828893691301, -0.014029594138264656, 0.0007091634324751794, 0.008157413452863693, 0.012026399374008179, -0.030170859768986702, 0.005622685421258211, -0.018643449991941452, -0.021058855578303337, 0.031472574919462204, -0.016213582828640938, 0.00046260596718639135, -0.0024262520018965006, 0.0063241650350391865, 0.004237805027514696, -0.01812276430428028, 0.021420441567897797, 0.015794141218066216, 0.001084762392565608, -0.004733180161565542, 0.04787418246269226, -0.0003480279410723597, 0.009010760113596916, -0.001595504698343575, 0.005944498348981142, 0.002579926745966077, -0.005112846847623587, 0.011672044172883034, -0.015562725253403187, 0.018730230629444122, -0.002384669380262494, 0.009054150432348251, 0.008012778125703335, 0.003926840145140886, -0.022288251668214798, 0.026627302169799805, 0.007405311334878206, 0.013154552318155766, 0.006078285630792379, -0.02982373535633087, 0.020306752994656563, -0.031906478106975555, 0.012503694742918015, -0.0172404907643795, 0.003905144752934575, 0.013588457368314266, 0.014673219993710518, -0.012127644382417202, -0.023532113060355186, -0.025904126465320587, -0.0019507644465193152, 0.02357550337910652, -0.005431043915450573, 0.009654385969042778, -0.024255288764834404, 0.013132857158780098, -0.004292043391615152, -0.012077021412551403, 0.03456776216626167, 0.018874866887927055, 0.0038328273221850395, -0.0020863597746938467, 0.017009075731039047, 0.012648330070078373, 0.018339717760682106, -0.01567843370139599, -0.013263029046356678, -0.01779010333120823, 0.02386477403342724, 0.00950251892209053, 0.021434905007481575, 0.006801460403949022, 0.03844397887587547, -0.013827105052769184, 0.011093503795564175, -0.003999157343059778, 0.029520001262426376, 0.02348872274160385, 0.006718295160681009, -0.028926998376846313, -0.01969928666949272, -0.009357883594930172, 0.027336012572050095, 0.01997409202158451, -0.009263871237635612, 0.01654624380171299, -0.004957364406436682, 0.02808811515569687, 0.010681293904781342, 0.020133189857006073, 0.006931631825864315, -0.013754787854850292, 0.0034875113051384687, 0.012315669097006321, 0.031559355556964874, 0.035956259816884995, 0.021145636215806007, -0.014318863861262798, 0.029172876849770546, -0.009263871237635612, 0.010702989064157009, -0.055134858936071396, -0.008714258670806885, 0.013986203819513321, -0.004631935618817806, -0.010746379382908344, 0.005246634129434824, -0.010797002352774143, -0.00928556639701128, -0.0033971143420785666, 0.0033537237904965878, 0.0012438609264791012, 0.015606115572154522, -0.020277826115489006, 0.01531684584915638, 0.002247266238555312, -0.04489470273256302, -0.019771603867411613, 0.019077355042099953, 0.014926331117749214, 0.007600568700581789, -0.009987046010792255, -0.003342876210808754, 0.026034299284219742, -0.025108633562922478, -0.0008370750001631677, -0.001393919694237411, 0.002126134466379881, -0.0011615997646003962, -0.02772652730345726, 0.0031946252565830946, 0.008359902538359165, 0.034885961562395096, -0.0016126801492646337, 0.00853346474468708, -0.006403714418411255, 0.0284352395683527, -0.01936662569642067, -0.016806585714221, -0.007206438574939966, 0.04298551753163338, -0.004664478357881308, 2.3404314561048523e-05, -0.03581162542104721, 0.021434905007481575, -0.006530269980430603, -0.0004908550181426108, -0.0024515630211681128, 0.006946095265448093, 0.01735619828104973, 0.008923978544771671, 0.004104017745703459, -0.02499292604625225, 0.004834424704313278, 0.04645675793290138, 0.00234489468857646, -0.0029433220624923706, -0.024949535727500916, -0.012952063232660294, 0.02094314619898796, 0.020653877407312393, 0.03196433186531067, -0.005365957971662283, -0.0024606026709079742, 0.0034151936415582895, -0.0047223325818777084, -0.028117042034864426, 0.008735953830182552, 0.00027209456311538815, 0.02225932478904724, -0.024313142523169518, -0.02534005045890808, 0.016170192509889603, -0.003248863387852907, 0.0364190898835659, 0.000851538497954607, -0.010095522738993168, -0.03540664538741112, -0.009075845591723919, 0.014275473542511463, -0.027061207219958305, -0.009900265373289585, 0.01858559623360634, 0.008475610055029392, 0.004226957447826862, -0.0039015288930386305, 0.024515630677342415, 0.01770332269370556, 0.0032832142896950245, -0.01962696760892868, -0.012062557972967625, 0.02419743314385414, 0.029505537822842598, 0.018527742475271225, -0.01671980507671833, 0.018166154623031616, 0.011852837167680264, 0.028044724836945534, 0.016661951318383217, -0.00818634033203125, 0.020292289555072784, 0.015692897140979767, 0.002411788562312722, 0.010131681337952614, -0.006099980790168047, -0.004812729544937611, -0.00041537362267263234, 0.014145301654934883, -0.020726194605231285, -0.01275680586695671, 0.0055178250186145306, -0.009531445801258087, -0.01671980507671833, -0.013075003400444984, -0.003234399948269129, 0.006848467048257589, -0.004964596126228571, -0.008396061137318611, -0.016575170680880547, -0.030922960489988327, 0.001456293510273099, 0.003664689138531685, 0.028912534937262535, 0.008171876892447472, -0.015721824020147324, -0.01682104915380478, -0.03829934448003769, -0.012033631093800068, -0.012156571261584759, -0.01342212688177824, -0.008641940541565418, -0.011086272075772285, -0.03309248760342598, -0.010066594928503036, 0.004320970270782709, 0.01758761517703533, 0.010963331907987595, 0.002820382360368967, -0.0316750630736351, 0.010102754458785057, -0.02173863910138607, -0.009495287202298641, -0.0026359728071838617, -0.02561485767364502, -0.005702234338968992, -0.005073072388768196, -0.01770332269370556, -0.008280353620648384, -0.0023177757393568754, -0.03615874797105789, 0.0029812888242304325, 0.002983096754178405, 0.0035489811562001705, -0.008707026019692421, 0.020899755880236626, -0.017283881083130836, 0.003418809501454234, 0.028131505474448204, 0.014694915153086185, -0.005716698244214058, 0.018773620948195457, 0.0077235084027051926, -0.012568781152367592, -0.005904723424464464, 0.026685155928134918, 0.011201979592442513, -0.001129056909121573, -0.016040019690990448, -0.005550367757678032, -0.010240157134830952, 0.021189026534557343, -0.018730230629444122, 0.0010241965064778924, 0.0023611662909388542, 0.03523308411240578, 0.03205111250281334, 0.03355531767010689, -0.005977041088044643, 0.006461568176746368, -0.007361921016126871, -0.013125625438988209, -0.002162293065339327, 0.00893121026456356, 0.006609818898141384, -0.006418177857995033, 0.034625615924596786, -0.009936423972249031, -0.013234101235866547, -0.01998855546116829, -0.0010766267077997327, -0.022244861349463463, 0.01112966239452362, 0.005922802723944187, -0.00994365569204092, -0.03456776216626167, -0.018773620948195457, -0.009234944358468056, -0.0034296573139727116, -0.03343961015343666, -0.015967702493071556, 0.008801039308309555, -0.023459795862436295, 0.008873356506228447, -0.009357883594930172, -0.02137705124914646, -0.01900503784418106, -0.0151866739615798, 0.01919306255877018, 0.02260644920170307, 0.019525723531842232, 0.0056552281603217125, 0.010319706983864307, -0.010536659508943558, -0.02745172195136547, -0.021405978128314018, -0.006429025437682867, -0.014232083223760128, 0.03422063961625099, 0.01452858466655016, 0.014036825858056545, 0.031009742990136147, 0.0002605689805932343, -0.0072751399129629135, 0.02762528322637081, -0.005770936142653227, 0.0120119359344244, 0.002202067757025361, -0.010225693695247173, -0.010146144777536392, 0.0019073738949373364, 0.034278493374586105, -0.029621245339512825, 0.026511594653129578, -0.002296080579981208, 0.0413656085729599, 0.0074776289984583855, 0.008294817060232162, -0.008793807588517666, 0.0017735866131260991, -0.05261820927262306, 0.011317688040435314, 0.010109986178576946, -0.0014915483770892024, 0.02130473405122757, -0.025730565190315247, -0.024978462606668472, -0.009046918712556362, -0.0024515630211681128, -0.0019399168668314815, -0.005969809368252754, 0.026511594653129578, -0.002012234413996339, 0.0060385107062757015, 0.026974426582455635, 0.022765547037124634, -0.045907147228717804, 0.02076958492398262, -0.02871004492044449, -0.006063822191208601, 0.022780010476708412, -4.709111817646772e-05, 0.03372887894511223, -0.0010702989529818296, 0.016705341637134552, -0.010232925415039062, 0.007730740122497082, 0.007831985130906105, -0.020436923950910568, -0.0005319855990819633, -0.0013206982985138893, -0.011896228417754173, -0.01832525245845318, -0.019149672240018845, 0.018686840310692787, -0.027712063863873482, -0.007687349803745747, -0.01988731138408184, 0.013190710917115211, -0.03372887894511223, -0.008591318503022194, 0.02129027061164379, 0.014752768911421299, 0.03265858069062233, -0.0172404907643795, 0.018889330327510834, 0.04104740917682648, -0.012257815338671207, -0.025238806381821632, 0.02772652730345726, -0.009582067839801311, 0.0032072809990495443, 0.02921626903116703, 0.045473240315914154, -0.05371743440628052, -0.031559355556964874, 0.007549946662038565, -0.01452858466655016, 0.004183567129075527, -0.04240697994828224, 0.02421189658343792, 0.01988731138408184, 0.009054150432348251, -0.01715371012687683, 0.004718716721981764, -0.025065243244171143, 0.03688192367553711, 0.013942813500761986, 0.024501167237758636, 0.0009681504452601075, -0.01091994158923626, -0.0027028664480894804, 0.01901950128376484, -0.004870583303272724, 0.058924295008182526, -0.003887065453454852, -0.010529427789151669, 0.00018474859825801104, 0.0023069281596690416, -0.021449368447065353, 0.0051960120908916, -0.017891349270939827, 0.045646801590919495, 0.001994154881685972, -0.011382773518562317, 0.020841902121901512, 0.016878902912139893, 0.012843587435781956, -0.00240998063236475, 0.006678520701825619, 0.033497463911771774, -0.02982373535633087, -0.012836355715990067, -0.009242176078259945, -0.009017991833388805, 0.023777993395924568, 0.0035851397551596165, -0.01750083453953266, -0.019077355042099953, -0.012829123996198177, -0.019164135679602623, 0.020581558346748352, -0.002876428421586752, 0.023040354251861572, 0.02050924114882946, -0.008989064954221249, -0.012048094533383846, -0.026381421834230423, -0.0031313474755734205, 0.0074414703994989395, -0.05533734709024429, -0.004646399058401585, 0.005329799372702837, -0.01069575734436512, 0.00897460151463747, 0.010746379382908344, -0.02437099628150463, 0.020118726417422295, 0.019916238263249397, -0.024154042825102806, 0.014673219993710518, 0.031038669869303703, 0.02139151468873024, -0.04313015565276146, -0.015982165932655334, -0.024703657254576683, -0.006967790890485048, 0.013762019574642181, -0.015345772728323936, -0.03286106884479523, -0.012134876102209091, -0.009516982361674309, 0.02095760963857174, 0.03046012856066227, -0.004957364406436682, -0.00743423867970705, -0.01178775168955326, 0.005261097569018602, -0.018817013129591942, -0.029910515993833542, 0.02871004492044449, -0.012395218946039677, 0.0050224498845636845, 0.02069726772606373, -0.030922960489988327, 0.010963331907987595, -0.027176914736628532, -0.004762107040733099, -0.007361921016126871, -0.03714226558804512, -0.009386810474097729, 0.009835178963840008, 0.010196766816079617, -0.016777658835053444, -0.007629495579749346, -0.013313651084899902, -0.002183988457545638, -0.011686507612466812, 0.020538168027997017, 0.011397236958146095, -0.012387987226247787, 0.007163047790527344, 0.0031024205964058638, -0.017674395814538002, 0.004935669247061014, -0.018643449991941452, -0.012120412662625313, 0.012077021412551403, 0.008728722110390663, -0.03135686740279198, -0.003375419182702899, 0.015692897140979767, 0.035782698541879654, 0.033931367099285126, -0.03352639079093933, -0.022027909755706787, -0.024978462606668472, -0.04822130501270294, -0.017746713012456894, -0.025759492069482803, -4.491594518185593e-05, 0.0005392173188738525, 0.016314826905727386, -0.013733092695474625, 0.019033964723348618, -0.016575170680880547, -0.008504537865519524, 0.003084341296926141, -0.009987046010792255, -0.023098208010196686, 0.030691545456647873, -0.00513092614710331, 0.0035435573663562536, -0.04289873689413071, -0.0025943901855498552, 0.0017898579826578498, 0.02023443579673767, -0.010493268258869648, 0.008569623343646526, -0.005984272807836533, -0.007419775240123272, -0.009958119131624699, 0.003702655667439103, -0.0021351741161197424, -0.011158589273691177, -0.015808604657649994, -0.0325428731739521, 0.0007719892892055213, 0.0014870285522192717, -0.006949711125344038, -0.018614523112773895, 0.0015864650486037135, 0.007803057786077261, -0.016936756670475006, -0.01214933954179287, -0.015967702493071556, -0.010001509450376034, 0.018874866887927055, -0.016965683549642563, 0.009712239727377892, 0.008779344148933887, 0.003200049279257655, 0.03433634713292122, -0.009466360323131084, 0.014781695790588856, -0.006298854015767574, 0.001412903075106442, -0.029071632772684097, 0.008157413452863693, 0.005073072388768196, -0.005723929964005947, 0.006374787073582411, -0.0023629742208868265, 0.008837197907269001, -0.005879412405192852, -0.004331817850470543, -0.0015747135039418936, -0.016922293230891228, -0.02007533609867096, 0.016849976032972336, 0.0035435573663562536, -0.02641034871339798, -0.013414895161986351, -0.012691720388829708, -0.0027100981678813696, 0.004165487829595804, 0.01060897670686245, 0.007289603352546692, -0.01113689411431551, -0.0005057704984210432, 0.0006779765244573355, -0.0017148286569863558, -0.007061803247779608, 0.008294817060232162, 0.005463586654514074, -0.00446560513228178, 0.004440294113010168, 0.18605844676494598, -0.018802549690008163, 0.020306752994656563, 0.01258324459195137, 0.004895894322544336, 0.0006662249215878546, 0.03170398995280266, -0.006682136561721563, 0.021189026534557343, 0.00862747710198164, -0.006931631825864315, 0.025672711431980133, -0.024313142523169518, -0.004132945090532303, 0.03306356072425842, -0.03132794052362442, -0.05166361853480339, -0.034828104078769684, -0.026164470240473747, 0.009300029836595058, -0.0010395640274509788, 0.0038581383414566517, -0.0071738953702151775, -0.02481936477124691, 0.024935072287917137, -0.033671025186777115, -0.04072921350598335, -0.005608221981674433, 0.018007056787610054, 0.005633533000946045, -0.0172404907643795, -0.02199898287653923, 0.03309248760342598, -0.0010079251369461417, -0.0030445666052401066, -0.013906653970479965, 0.024602411314845085, 0.02104439027607441, 0.014058521017432213, 0.012785732746124268, -0.025947516784071922, -0.025672711431980133, 0.006570044439285994, 0.010428182780742645, 0.009097540751099586, 0.021984519436955452, -0.011201979592442513, 0.018426498398184776, -0.004100401885807514, -0.008374365977942944, -0.022158080711960793, -0.007680118083953857, 0.031385794281959534, 0.03685299679636955, -0.024414386600255966, -0.010637903586030006, 0.003854522481560707, 0.012055326253175735, 0.00884442962706089, -0.005402117036283016, -0.025947516784071922, 0.005485281813889742, 0.015562725253403187, 0.009524214081466198, -0.013038844801485538, 0.017905812710523605, -0.024761511012911797, 0.003966614603996277, 0.01794920302927494, 0.0019471485866233706, 0.01663302443921566, -0.0074414703994989395, -0.018961647525429726, 0.009770093485713005, -0.04882877320051193, -0.019872847944498062, 0.04318800941109657, 0.008952906355261803, -0.0022563058882951736, 0.02940429374575615, 0.011144125834107399, 0.006620666943490505, -0.00607105391100049, 0.010702989064157009, -0.021970055997371674, -0.055944815278053284, -0.01289420947432518, -0.0015412665670737624, -0.00928556639701128, -0.018947184085845947, -0.011867300607264042, 0.008728722110390663, -0.013617384247481823, -0.005499745719134808, 0.016155729070305824, 0.0071558160707354546, 0.018817013129591942, 0.023387478664517403, -0.015244527719914913, 0.00393768772482872, -0.016517315059900284, 0.03960106149315834, 0.014788927510380745, -0.010956100188195705, -0.0033085253089666367, -0.005861333105713129, -0.011845605447888374, 0.009394043125212193, 0.01259047631174326, 0.00404977984726429, 0.0005600086296908557, -0.04394011199474335, 0.0026721314061433077, -0.006049358285963535, 0.004989907145500183, 0.028117042034864426, 0.0012727879220619798, -0.021160099655389786, 0.0002725465747062117, -0.010305243544280529, -0.0035363254137337208, -0.023213915526866913, 0.009965350851416588, 0.022577522322535515, -0.010370329022407532, 0.024240825325250626, -0.03517523035407066, 0.002111670793965459, -0.013856031931936741, -0.022823400795459747, 0.017544224858283997, -0.014412877149879932, 0.007018412929028273, -0.002894507721066475, 0.015794141218066216, -0.017905812710523605, -0.021709712222218513, -0.019149672240018845, -0.018007056787610054, -0.0009188841795548797, 0.010218461975455284, -0.012959294952452183, 0.012858050875365734, 0.01725495420396328, -0.008945674635469913, 0.006175914313644171, 0.002560039283707738, 0.024240825325250626, -0.004006389062851667, -0.022751083597540855, 0.0006987677770666778, -0.027712063863873482, 0.014911867678165436, -0.0084032928571105, 0.027061207219958305, -0.004881430882960558, -0.010052131488919258, -0.036563724279403687, 0.0036357620265334845, 0.007940460927784443, -0.04521289840340614, 0.003433273173868656, 0.046167489141225815, -0.00607105391100049, -0.010565586388111115, -0.0008537984103895724, -0.18733124434947968, 0.005850485526025295, 0.026077689602971077, -0.02729262225329876, 0.01267725694924593, 0.03236931189894676, 0.017211563885211945, 0.0066893682815134525, 0.0013152743922546506, -0.0018242087680846453, 0.015953239053487778, 0.01223612017929554, -0.006074669770896435, -0.0038689859211444855, 0.0019399168668314815, 0.02376352809369564, 0.018643449991941452, -0.012829123996198177, 0.026092153042554855, 0.01935216225683689, 0.010637903586030006, -0.036043040454387665, 0.018600059673190117, 0.02360443025827408, -0.018180618062615395, 0.014340559020638466, -0.019395552575588226, 0.016849976032972336, -0.009357883594930172, -0.02677193656563759, 0.0005279176984913647, -0.009791788645088673, 0.04142346233129501, -0.00853346474468708, -0.011664812453091145, 0.007296835072338581, -0.010138913057744503, 0.005427428055554628, -0.008728722110390663, 0.03919608145952225, 0.02149275876581669, 0.014138069935142994, -0.0024135964922606945, 0.009791788645088673, 0.0016379912849515676, 0.0005482570268213749, 0.0034983588848263025, -0.01760207861661911, -0.02286679297685623, -0.008222498930990696, -0.0006011391524225473, -0.009668849408626556, 0.03063369169831276, 0.005423812195658684, 0.014362254180014133, 0.01926538161933422, 0.010514963418245316, 0.00585410138592124, 0.02270769327878952, -0.023373015224933624, -0.026352494955062866, -0.014940794557332993, 0.015128820203244686, -0.020465850830078125, 0.010232925415039062, -0.02447224035859108, -0.03222467750310898, -0.007018412929028273, -0.01954018697142601, 0.006841234862804413, -0.0022273787762969732, -0.01926538161933422, 0.014709378592669964, 0.0075427149422466755, 0.011115198954939842, 0.016763195395469666, -0.011650348082184792, 0.0013279300183057785, -0.0005306296516209841, 0.011556335724890232, -0.021594004705548286, 0.04596500098705292, 0.01725495420396328, -0.005402117036283016, -0.002466026693582535, -0.025368977338075638, -0.010724684223532677, -0.007144968491047621, -0.0010314282262697816, 0.0029595934320241213, 0.011744361370801926, -0.010500499978661537, 0.006078285630792379, -0.0006065630004741251, 0.028015797957777977, -0.007347457576543093, -0.0018784468993544579, -0.007564410101622343, 0.00941573828458786, 0.004678941797465086, -0.007455933839082718, -0.0005821558297611773, -0.03702655807137489, -0.009401274845004082, 0.047932036221027374, 0.015287918969988823, -0.006721911020576954, -0.003077109344303608, 0.035522352904081345, -0.015432553365826607, -0.010363097302615643, 0.016849976032972336, 0.020379070192575455, -0.005376806017011404, -0.00906138215214014, 0.02094314619898796, 0.008779344148933887, -0.02852202020585537, 0.0220857635140419, -0.016054483130574226, 0.04535753279924393, 0.001141712418757379, -0.025658247992396355, -0.009206017479300499, 0.0021677168551832438, 0.006645977962762117, -0.10344294458627701, 0.013653542846441269, 0.018542205914855003, 0.02729262225329876, -0.030604764819145203, 0.01820954494178295, -0.0038328273221850395, 0.008721490390598774, -0.008265890181064606, 0.031472574919462204, -0.007191975135356188, -0.020494777709245682, -0.005687770899385214, 0.0018350564641878009, 0.011997472494840622, -0.010225693695247173, 0.02755296602845192, -0.03300570324063301, -0.014145301654934883, 0.035782698541879654, 0.003438696963712573, -0.009263871237635612, -0.007969387806952, 0.007083498872816563, 0.019236452877521515, 0.0025980060454458, -0.02842077612876892, 0.015389163047075272, 0.013942813500761986, 0.032600726932287216, 0.012510926462709904, -0.04113418981432915, 0.0017799143679440022, -0.027234768494963646, -0.009799020364880562, -0.008027241565287113, -0.02457348443567753, 0.002899931510910392, 0.017124783247709274, -0.027697600424289703, 0.00862024538218975, 0.0016506467945873737, 0.024154042825102806, -0.008106791414320469, -0.023040354251861572, -0.005441891495138407, -0.031183304265141487, 0.030778326094150543, -0.02457348443567753, -0.017197100445628166, -0.015114356763660908, -0.032166823744773865, -0.008866124786436558, 0.018412034958600998, 0.014282705262303352, -0.010652367025613785, 0.007694581523537636, 0.00950975064188242, -0.01690782979130745, 0.004292043391615152, -0.03459668904542923, -0.0017112126806750894, -0.021145636215806007, 0.02471812069416046, 0.008157413452863693, 0.008150181733071804, -0.03861754387617111, -0.023517649620771408, 0.012207193300127983, 0.0026468203868716955, -0.0131979426369071, 0.02554253861308098, -0.0028475013095885515, 0.004733180161565542, -0.03928286209702492, -0.013103930279612541, -0.03598518669605255, -0.015447016805410385, 0.016401607543230057, -0.010681293904781342, 0.003525477834045887, -0.022563058882951736, -0.006703831721097231, -0.0070111812092363834, 0.010840392671525478, -0.004675325937569141, -0.00950975064188242, 0.0044005196541547775, 0.009755630046129227, -0.04081599414348602, 0.006870162207633257, -0.0010006933007389307, 0.008338207378983498, -0.022939110174775124, -0.015953239053487778, 0.033931367099285126, 0.00019876011356245726, -0.01990177482366562, 0.009871338494122028, -0.00817910861223936, -0.044750064611434937, 0.008656403981149197, -0.07081329077482224, 0.018180618062615395, -0.00018768649897538126, -0.0018305366393178701, 0.006244615651667118, -0.0051526217721402645, 0.017920276150107384, 0.010500499978661537, -0.021970055997371674, -0.005192396230995655, -0.027090134099125862, -0.004516227636486292, -0.007054571527987719, -0.0013984395191073418, -0.006302469875663519, -0.007506555877625942, 0.01671980507671833, -0.004772954620420933, 0.017732249572873116, 0.022201471030712128, -0.004302890971302986, 0.011975777335464954, 0.024067262187600136, 0.03132794052362442, -0.013465517200529575, -0.017139246687293053, -0.004241420887410641, 0.006034894846379757, -0.013827105052769184, 0.011317688040435314, 0.010189535096287727, -0.04084492102265358, 0.0003265586856286973, 0.01576521433889866, 0.00449091661721468, -0.01812276430428028, 0.0004183115088380873, 0.014058521017432213, 0.019496796652674675, 0.03046012856066227, -0.057449016720056534, -0.0151866739615798, -0.0012646522372961044, -0.012684488669037819, 0.009545909240841866, 0.007737971842288971, 0.01805044710636139, 0.012554316781461239, -0.0006409137859009206, -0.0070762671530246735, 0.04648568481206894, 0.010797002352774143, 0.002422636142000556, -0.049175895750522614, -0.01664748787879944, 0.006609818898141384, 0.005311720073223114, -0.013523371890187263, 0.014492426067590714, -0.023633357137441635, 0.028811290860176086, -0.0019887310918420553, 0.04301444813609123, 0.008070632815361023, 0.007047339808195829, -0.0021876043174415827, -0.005297256633639336, -0.0033736112527549267, -0.009025223553180695, -0.02641034871339798, -0.0036574574187397957, 0.011541872285306454, 0.003854522481560707, 0.01387049537152052, 0.02630910463631153, 0.011418932117521763, -0.0068737780675292015, 0.02376352809369564, -0.019858384504914284, 0.004367976915091276, 0.02516648918390274, -0.002965017221868038, -0.013451053760945797, 0.02175310254096985, 0.02534005045890808, -0.004226957447826862, 0.0018061294686049223, 0.01857113279402256, 0.008294817060232162, 0.010435414500534534, -0.017442980781197548, 0.011209212243556976, 0.0026902109384536743, 0.00985687505453825, -0.010565586388111115, 0.034538835287094116, -0.02817489579319954, 0.011455091647803783, 0.03398922458291054, 0.03879110515117645, -0.0031765459571033716, -0.005221323110163212, -0.006349476054310799, -0.0284352395683527, -0.028464166447520256, -0.003313949331641197, -0.01839757151901722, -0.003735198639333248, 0.005846869666129351, 0.0018468080088496208, 0.005626301281154156, -0.005843253806233406, -0.01083316095173359, 0.012561549432575703, -0.015880921855568886, -0.008287585340440273, 0.007383616175502539, -0.017529761418700218, -0.03610089421272278, 0.02577395550906658, 0.0024334837216883898, 0.015215600840747356, 0.02130473405122757, 0.003908760845661163, 0.031183304265141487, 0.015042038634419441, 0.03439420089125633, -0.01008105929940939, 0.02587519958615303, -0.02411065250635147, 8.678099402459338e-05, -0.023532113060355186, 0.016300363466143608, 0.003682768438011408, -0.017038002610206604, 0.0039159925654530525, -0.0038689859211444855, -0.007788594346493483, -0.005167085211724043, 0.09661617130041122, 0.035435572266578674, -0.0019453406566753983, 0.004440294113010168, -0.039051447063684464, 0.0009292798349633813, 0.036476943641901016, -0.0033103334717452526, -0.007470397278666496, -0.05195288732647896, -0.013458285480737686, -0.001047699712216854, 0.0036231065168976784, -0.02192666381597519, 0.0015530182281509042, -0.020017482340335846, -0.010746379382908344, 0.02623678743839264, -0.010413719341158867, -0.001974267652258277, 0.007701813243329525, 0.010847624391317368, 0.025224342942237854, 0.017283881083130836, -0.015823068097233772, -0.01575075089931488, 0.020726194605231285, -0.004668094217777252, 0.01112966239452362, -0.02753850258886814, -0.010406487621366978, 0.0020737042650580406, -0.025745028629899025, 0.0013423934578895569, -0.006410946138203144, 0.00017209304496645927, -0.012785732746124268, -0.0030391428153961897, 0.034191712737083435, 0.013002685271203518, 0.015432553365826607, 0.006374787073582411, 0.017659932374954224, -0.007372768595814705, -0.009206017479300499, -0.013082235120236874, -0.02623678743839264, -0.00765842292457819, -0.03581162542104721], metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='8f94e813-f60d-4e9d-8ab1-fd4dbe0d2806', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='7fbb867180683b87b30353e1d2934dc5adcd9ec1fa7656efc613598ec012c796'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='cbde7997-67b1-47e7-9200-f557ee4ebd6f', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='80a4266695ea779451c19b54df1ebe512e19ec7da1541d85ebaf473b4a6e4855'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='0309f910-0fed-4c66-bb83-9e7712080697', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='b1ac8431474e835586fa6bc5717cd692aca548ea67f00e8f6a0572d9fa184eab')}, hash='65bb637c29cb6ae1dacc9bb2e52c18ed472f62f64b62b631694c80fe65b8a3d1', text='Fig. 11. Plots of the ef parameter required to get fixed accuracies vs the dataset size for d=4 random vector data. ', start_char_idx=5191, end_char_idx=5307, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
445
       " TextNode(id_='0309f910-0fed-4c66-bb83-9e7712080697', embedding=[-0.002976576332002878, 0.021641291677951813, 0.0008290735422633588, -0.019254278391599655, -9.857887198450044e-05, 0.008706845343112946, 0.004630229901522398, -0.015486824326217175, -0.036955561488866806, -0.05582159012556076, -0.019153621047735214, 0.003321686526760459, -0.005471436306834221, 0.013027913868427277, 0.007419871166348457, 0.017284274101257324, 0.019556250423192978, -0.0033432559575885534, 0.014997918158769608, -0.001255518407560885, -0.027465028688311577, 0.011769698932766914, -0.014437113888561726, -0.037386950105428696, 0.015285510569810867, 0.03635161742568016, 0.009706227108836174, -0.005309665575623512, -0.009346737526357174, -0.013049483299255371, 0.02283479832112789, -0.021900124847888947, 0.0029568043537437916, 0.01119451504200697, -0.01321484800428152, 0.002327697118744254, 0.015716897323727608, -0.02934875525534153, 0.023424360901117325, 0.0027662746142596006, 0.013459301553666592, -0.010482725687325, -0.015271130949258804, -0.0012815814698114991, -0.019541870802640915, -0.003573329420760274, 0.006434869021177292, -0.03554636240005493, 0.008131661452353, 0.029334375634789467, 0.010497105307877064, 0.03436723351478577, -0.0158750731498003, 0.01696792244911194, -0.014480252750217915, 0.003352243220433593, 0.010461156256496906, 0.0003837554540950805, 0.012963205575942993, -0.017197996377944946, 0.012172327376902103, -0.004324663430452347, -0.031433794647455215, 0.033590734004974365, -0.0008632250828668475, -0.038767389953136444, -0.008210749365389347, -0.0028849064838141203, -0.0003217434568796307, -0.013107001781463623, 0.013897879049181938, 0.04057921841740608, -0.028974885120987892, 0.0012132783886045218, 0.032440368086099625, -0.02167005091905594, 0.009555241093039513, 0.008397683501243591, -0.0010137615026906133, 0.012675613164901733, 0.004838733933866024, -0.028572257608175278, 0.0008137952536344528, 0.024085823446512222, 0.005144300404936075, 0.027493787929415703, 0.011000391095876694, 0.012819409370422363, -0.029765762388706207, 0.004716507624834776, 0.04779777675867081, 0.02507801540195942, 0.014473062939941883, -0.038336001336574554, -0.007164633367210627, 0.0018163226777687669, -0.012884117662906647, 0.005906418897211552, 0.000398359727114439, -0.01047553587704897, -0.010856594890356064, 0.005173059646040201, -0.018808512017130852, -0.008110092021524906, 0.003986742813140154, -0.0049034422263503075, -0.021181143820285797, -0.007286860141903162, -0.010921303182840347, 0.014444303698837757, -0.004382181912660599, 0.01793135516345501, -0.014444303698837757, 0.003553557675331831, -0.013480870984494686, -0.020217711105942726, 0.035460084676742554, -0.019700046628713608, 0.0005005896673537791, -0.02310801111161709, 0.030571021139621735, 0.007391112390905619, 0.029334375634789467, -0.009720606729388237, 0.02988079935312271, 0.006851877551525831, 0.0016698305262252688, -0.02384136989712715, -0.015328649431467056, -0.037099357694387436, 0.018190188333392143, 0.023769471794366837, 0.016220184043049812, 0.013624667190015316, -0.03232533112168312, 0.024474071338772774, 0.015702517703175545, -0.022547205910086632, -0.023438740521669388, -0.03609278425574303, 0.004137728828936815, 0.03267044201493263, -0.00775779178366065, -0.0158750731498003, -0.00872841477394104, 0.04857427254319191, 0.0023834179155528545, 0.04057921841740608, 0.008692465722560883, -0.02815524861216545, -0.0055720931850373745, -0.010497105307877064, -0.017241135239601135, 0.0316351093351841, 0.01688164472579956, 0.007455820217728615, -0.01115137618035078, 0.0020275230053812265, -0.026674149557948112, -0.04489309713244438, -0.017399311065673828, 0.03419467806816101, 0.0013211253099143505, -0.016292082145810127, 0.004094589967280626, 0.032008979469537735, -0.017298653721809387, -0.004813569597899914, -0.028500359505414963, -0.024804802611470222, -0.01669471152126789, 0.011302362196147442, -0.029938317835330963, 0.009605569764971733, 0.025020496919751167, -0.006093353498727083, 0.03951513022184372, 0.016004489734768867, -0.027019260451197624, -0.014120763167738914, 0.005787787493318319, 0.0019610172603279352, 0.010137614794075489, 0.018549678847193718, -0.023855749517679214, -0.0029568043537437916, 0.031289998441934586, 0.010116045363247395, 0.012646854855120182, -0.009066334925591946, 0.003230016678571701, -0.0012932649115100503, -0.011899115517735481, -0.005338424816727638, -0.5972709059715271, -0.007736222352832556, 0.016177045181393623, -0.03957264870405197, -0.0010928492993116379, 0.012373642064630985, 0.012452729977667332, 0.03799089044332504, 0.01258933637291193, 0.026875464245676994, -0.026343420147895813, 0.003301914781332016, -0.00882188230752945, -0.0001559287338750437, -0.030858611688017845, -0.008548669517040253, -0.009217320941388607, -0.019685667008161545, 0.02497735805809498, 0.015472444705665112, -0.022259613499045372, 0.036466654390096664, -0.01033173967152834, 0.002155141904950142, 0.012308933772146702, -0.0005585573962889612, 0.029650727286934853, -0.040694255381822586, 0.006988483481109142, 0.01064809039235115, -0.01634960062801838, 0.006948939524590969, 0.005665560718625784, 0.021655671298503876, 0.049178216606378555, -0.028399702161550522, -0.018736613914370537, 0.015529963187873363, 0.026731668040156364, 0.009361117146909237, -0.038393519818782806, -0.01692478358745575, -0.0015610848786309361, 0.005356399342417717, -0.015846313908696175, 0.007534908130764961, 0.007649945095181465, -0.011827217414975166, -0.007092735730111599, -0.04290871322154999, -0.006132897455245256, -0.0012483285972848535, -0.015889452770352364, 0.0018909168429672718, -0.006269503850489855, -0.023366842418909073, 0.020160192623734474, -0.01649339683353901, 0.02248968742787838, 0.010799076408147812, 0.001106330193579197, -0.02283479832112789, 0.004468459170311689, -0.026487214490771294, -0.026774806901812553, 0.007157443556934595, -0.023136770352721214, 0.0034151540603488684, -0.005493005737662315, -0.018923547118902206, 0.011611523106694221, 0.02287793718278408, 0.00704959686845541, 0.008865021169185638, 0.018765373155474663, 0.0198582224547863, 0.04052169993519783, 0.003323483979329467, -0.01000100839883089, 0.005288096144795418, 0.00635218620300293, 0.0005715889274142683, -0.023338083177804947, 0.001844183192588389, 0.030944889411330223, 0.0034277362283319235, -0.024330275133252144, 0.010734368115663528, -0.007164633367210627, -0.007441440597176552, 0.00978531502187252, -0.0008991740760393441, -0.02109486609697342, -0.03701307997107506, 0.011129806749522686, 0.018765373155474663, 0.011640282347798347, 0.01198539324104786, 0.015544342808425426, -0.04187338426709175, -0.019843842834234238, -0.023438740521669388, 0.0067620049230754375, -0.02704801969230175, 0.005442677065730095, 0.010051337070763111, -0.009598379954695702, 0.010899733752012253, 0.024675386026501656, -0.021166764199733734, 0.022992974147200584, -0.012574956752359867, -0.01321484800428152, 0.00436420738697052, 0.006736840587109327, -0.020605960860848427, 0.04805660992860794, 0.0019142837263643742, -0.007894397713243961, -0.004472054075449705, 0.029765762388706207, 0.0033558381255716085, 0.01846340112388134, -0.004472054075449705, -0.0065391212701797485, -0.0017884621629491448, 0.005090376827865839, -0.01630646176636219, -0.024287136271595955, -0.01124484371393919, 0.002845362527295947, -0.015788795426487923, 0.023611295968294144, -0.01534302905201912, 0.034309715032577515, -0.013746893964707851, 0.014034485444426537, 0.0045799012295901775, 0.00035477158962748945, -0.026070207357406616, -0.023582536727190018, 0.014494632370769978, 0.006122112739831209, -0.04124068096280098, -0.013193279504776001, -0.0004098184872418642, -0.008289837278425694, 0.01913924142718315, -0.008857831358909607, -0.0038105929270386696, -0.016939163208007812, -0.003936414141207933, -0.024948598816990852, 0.016896024346351624, -0.00954086147248745, -0.0015071614179760218, 0.0031329544726759195, -0.01885165087878704, -0.012050101533532143, -0.020217711105942726, 0.005658370908349752, 0.03261292353272438, -0.019354935735464096, -0.007135874591767788, -0.01000100839883089, -0.021368078887462616, 0.017341792583465576, 0.0023043302353471518, 0.01803201250731945, -0.043282583355903625, -0.00793753657490015, -0.02086479403078556, 0.0003215187753085047, 0.0198582224547863, -0.0018495755502954125, 0.0140488650649786, 0.004403751343488693, -0.004353422671556473, -0.009663088247179985, -0.014724706299602985, 0.0029154629446566105, 0.020778516307473183, -0.00944739393889904, -0.014810984022915363, 0.03419467806816101, 0.010453966446220875, 0.0194699726998806, -0.009202941320836544, 0.002830982906743884, -0.0016275905072689056, 0.012761890888214111, 0.018233327195048332, -0.019168000668287277, 0.014616859145462513, -0.020994210615754128, -0.010353309102356434, 0.009411445818841457, -0.008857831358909607, -0.017571866512298584, 0.0375019870698452, 0.0027788567822426558, -0.005971127189695835, 0.011000391095876694, -0.004759646020829678, 0.017528727650642395, -0.018952306360006332, 0.013653426431119442, -0.0002716395538300276, 0.0050400481559336185, 0.015400546602904797, 0.010087286122143269, 0.0008987247128970921, -0.004950175993144512, -0.012603715993463993, 0.009238890372216702, 0.031865183264017105, -0.027637582272291183, 0.005773407872766256, -0.009986628778278828, 0.026976121589541435, 0.008814692497253418, 0.0014936805237084627, 0.03045598417520523, 0.013322695158421993, -0.002153344452381134, -0.00040195463225245476, 0.024042684584856033, 0.025523781776428223, -0.000516317377332598, -0.015860693529248238, -0.013408972881734371, -0.009310788474977016, 0.0060897585935890675, 0.011561195366084576, 0.021324940025806427, 0.0205772016197443, 0.027019260451197624, 0.0019520301138982177, 0.010770317167043686, 0.005273716524243355, 0.021641291677951813, 0.013488060794770718, -0.004281524568796158, -0.01846340112388134, 0.008138851262629032, -0.0006241642986424267, 0.038911186158657074, 0.005902823992073536, -0.009152612648904324, 0.026415318250656128, -0.006542716175317764, 0.013674995861947536, 0.007107115350663662, 0.024301515892148018, 0.001654552179388702, -0.007258100900799036, 0.004597875755280256, 0.010116045363247395, 0.036466654390096664, 0.03313058987259865, 0.03140503540635109, -0.022892316803336143, 0.03209525719285011, -0.013969777151942253, 0.00300893047824502, -0.059013862162828445, 0.013408972881734371, 0.023179909214377403, 0.005856090225279331, -0.01624894328415394, -0.005787787493318319, -0.00031230683089233935, 0.007693083491176367, -0.029852040112018585, 0.01903858408331871, 0.0010299385758116841, 0.020936692133545876, -0.00399033771827817, 0.03131875768303871, 0.008448012173175812, -0.044519226998090744, -0.012280174531042576, 0.010712798684835434, 0.022906696423888206, 0.0016401726752519608, -0.021511875092983246, -0.008548669517040253, 0.024488450959324837, -0.00944739393889904, 0.0058812545612454414, -0.014034485444426537, 0.004910632036626339, -0.008908159099519253, -0.021856985986232758, -0.009016006253659725, -0.004658989142626524, 0.03456854820251465, 0.004202436655759811, -0.016953542828559875, 0.0013471883721649647, 0.009152612648904324, -0.009864402934908867, -0.011223274283111095, -0.0147966044023633, 0.0453532449901104, -0.01023827213793993, -0.016464637592434883, -0.0256100594997406, -0.014415544457733631, -0.0025883272755891085, -0.017154857516288757, -0.018449021503329277, -0.0012995559955015779, 0.025681957602500916, 0.008829072117805481, -0.0018082341412082314, -0.00949772261083126, 0.012941636145114899, 0.036898043006658554, -0.0017884621629491448, -0.004184462130069733, -0.031088685616850853, -0.005687130149453878, 0.024200860410928726, 0.03393584489822388, 0.032929275184869766, -0.01601886935532093, -0.00262068142183125, -0.020174572244286537, -0.006219175178557634, -0.03364825248718262, 0.01376127265393734, 0.017197996377944946, 0.010748747736215591, -0.017442449927330017, -0.02051968313753605, 0.021080486476421356, 0.010101665742695332, 0.03649541363120079, 0.006204795558005571, 0.016234563663601875, -0.022360270842909813, 0.0058093564584851265, 0.027824517339468002, 0.005158680025488138, -0.014020105823874474, 0.010029767639935017, 0.03097364865243435, -0.007621185854077339, 0.003699151100590825, 0.021181143820285797, -0.008404873311519623, 0.0029424247331917286, -0.03663920983672142, -0.008376114070415497, 0.025480642914772034, 0.029046783223748207, 0.015716897323727608, -0.01563062146306038, 0.016133906319737434, 0.025149913504719734, 0.013754082843661308, 0.009965060278773308, -0.02310801111161709, 0.021741949021816254, 0.015314269810914993, 0.0038609213661402464, 0.010669659823179245, 0.01304229348897934, 0.0027465028688311577, 0.02043340541422367, 0.024100203067064285, -0.036754246801137924, 0.003672189312055707, 0.020706618204712868, -0.02766634151339531, -0.016363980248570442, -0.000678537180647254, -0.02000201679766178, -0.013610287569463253, -0.022043921053409576, -0.005478626117110252, 0.0006515754503197968, -0.027249334380030632, -0.0055720931850373745, -0.010640900582075119, 0.019930120557546616, -0.005726674105972052, -0.023654434829950333, -0.008297027088701725, -0.023855749517679214, 0.010353309102356434, -0.02953569032251835, -0.004907037131488323, 0.007412681821733713, -0.011913495138287544, -0.03152007237076759, -0.0028795141261070967, 0.006025050766766071, 0.018333984538912773, 0.016939163208007812, 0.021181143820285797, -0.033159349113702774, 0.01386192999780178, -0.020548442378640175, -0.009310788474977016, -0.010173563845455647, -0.009102283976972103, 0.0040658307261765, -0.014135142788290977, -0.0021641291677951813, -0.00872841477394104, -0.008785933256149292, -0.02752254530787468, 0.008936918340623379, -0.00908790435642004, -0.0004898049519397318, 0.013639046810567379, 0.011403019540011883, 0.0010236474918201566, 0.013941017910838127, 0.03088737092912197, 0.008009434677660465, -0.02152625471353531, 0.015472444705665112, 0.008555859327316284, -0.014810984022915363, 0.0029406272806227207, 0.02982328087091446, 0.002245014300569892, 0.0005648484802804887, -0.004321068525314331, 0.00262068142183125, -0.011791268363595009, 0.022849177941679955, -0.01640711911022663, 0.02953569032251835, 0.008649326860904694, 0.01124484371393919, 0.032641682773828506, 0.018635956570506096, 0.015688138082623482, 0.01501229777932167, -0.012668424285948277, 0.003332471242174506, -0.004202436655759811, 0.013301125727593899, 0.008649326860904694, -0.012524628080427647, 0.023409981280565262, -0.01899544522166252, 0.003911249805241823, -0.020016396418213844, -0.0013390998356044292, -0.00534561462700367, 0.017471209168434143, 0.004925011657178402, -0.013229227624833584, -0.014092003926634789, -0.020203331485390663, -0.008908159099519253, 0.0009778124513104558, -0.023898888379335403, -0.002710553817451, -0.002669212408363819, -0.020505303516983986, 0.007092735730111599, 0.0033558381255716085, -0.026199623942375183, -0.01682412624359131, -0.03313058987259865, 0.02723495475947857, 0.015760036185383797, 0.006007076241075993, -0.012596526183187962, 0.0023852153681218624, -0.008893780410289764, -0.040119070559740067, -0.008836261928081512, -0.006866257172077894, -0.006632588338106871, 0.013049483299255371, 0.03600650653243065, 0.003947198856621981, 0.03525876998901367, -0.0011377854971215129, 0.008412063121795654, 0.026530353352427483, -0.0007585236453451216, 0.002608099253848195, 0.00010700441634980962, -0.007261695805937052, -0.0007715551764704287, -0.006114922929555178, 0.03476986289024353, -0.0061041382141411304, 0.014940399676561356, 0.020850414410233498, 0.023798231035470963, 0.020792895928025246, 0.007150253746658564, -0.024819182232022285, -0.017615005373954773, -0.04506565257906914, 0.0017201590817421675, -0.01335145439952612, -0.002525416435673833, 0.013775652274489403, -0.031577590852975845, -0.019009824842214584, -0.008771553635597229, -0.005496600642800331, 0.0128050297498703, 0.0017785762902349234, 0.027738239616155624, 0.0024301516823470592, -0.007312024477869272, 0.02786765620112419, 0.02287793718278408, -0.03235409036278725, 0.020160192623734474, -0.021756328642368317, -0.011669041588902473, 0.009727796539664268, -0.010921303182840347, 0.008412063121795654, 0.0008883894188329577, 0.008598998188972473, -0.002654832787811756, -0.0024571134708821774, -0.017758801579475403, -0.016435878351330757, -0.005751838441938162, -0.005201818887144327, -0.00498612504452467, -0.02421524003148079, -0.019700046628713608, 0.007563667371869087, -0.028658533468842506, 0.005561308469623327, -0.0040909950621426105, 0.008519910275936127, -0.0331881083548069, -0.008735604584217072, 0.011079478077590466, 0.012697182595729828, 0.032584164291620255, -0.0012941636377945542, 0.019628148525953293, 0.030714817345142365, -0.027105538174510002, -0.025207431986927986, 0.010461156256496906, 0.012632475234568119, -0.0022180527448654175, 0.03744446858763695, 0.04158579185605049, -0.056569330394268036, -0.01803201250731945, 0.0026764022186398506, -0.01249586883932352, -0.0035589500330388546, -0.05817984417080879, 0.021943263709545135, 0.022619104012846947, 0.00858461856842041, -0.042994990944862366, 0.004166488070040941, -0.0368405245244503, 0.032152775675058365, -0.014171091839671135, 0.0016572483582422137, -0.00309880287386477, -0.00516586983576417, 0.0010083691449835896, 0.023409981280565262, -0.007872828282415867, 0.043426379561424255, 0.013272366486489773, -0.009454583749175072, -0.007858448661863804, -0.008836261928081512, -0.011266413144767284, 0.01309262216091156, -0.0065247416496276855, 0.049034420400857925, -0.019930120557546616, -0.009102283976972103, 0.02043340541422367, -0.0026781996712088585, 0.011877546086907387, -0.005442677065730095, -0.003204852342605591, 0.03152007237076759, -0.037617024034261703, -0.011446158401668072, -0.0019700045231729746, 0.0056008524261415005, 0.01000100839883089, 0.0029460196383297443, -0.010633710771799088, -0.02445969171822071, -0.013976966962218285, 0.004094589967280626, 0.020922312512993813, -0.011280792765319347, 0.022748520597815514, 0.008268267847597599, -0.013825980946421623, -0.01783069781959057, -0.03764578327536583, 0.004597875755280256, 0.007585236802697182, -0.05196785926818848, -0.02862977422773838, -1.8999602616531774e-05, -0.019067343324422836, -0.0012042911257594824, -0.008433632552623749, -0.041844625025987625, 0.019556250423192978, 0.031721387058496475, -0.025106774643063545, 0.010626520961523056, 0.04719383269548416, 0.019527491182088852, -0.050673697143793106, 0.0006178732728585601, -0.018262086436152458, -0.027493787929415703, 0.031059926375746727, -0.014854121953248978, -0.03189394250512123, 0.0008636744460090995, -0.0025883272755891085, 0.02470414526760578, 0.025250570848584175, -0.0051119462586939335, 0.008066953159868717, 0.0003660056390799582, 0.008289837278425694, -0.000184575590537861, -0.015400546602904797, 0.01555872242897749, -0.00767151452600956, 5.7743065553950146e-05, 0.021713189780712128, -0.015429305844008923, 0.021540634334087372, -0.012359262444078922, -0.004349827766418457, -0.017082959413528442, -0.049178216606378555, -0.022317131981253624, -0.00451878784224391, 0.007786551024764776, 0.0011602536542341113, 0.00042397339711897075, -0.02368319407105446, -0.0001003763172775507, -0.021224282681941986, 0.022647863253951073, 0.00999381858855486, -0.024919839575886726, 0.0006978597375564277, -0.009109473787248135, 0.0012788852909579873, -0.005252147559076548, -0.02382699027657509, -0.005687130149453878, 0.01692478358745575, 0.010202323086559772, -0.04627354070544243, -0.0017219565343111753, 0.026817945763468742, 0.05021354928612709, 0.02684670500457287, -0.006323427427560091, -0.03131875768303871, -0.0021335724741220474, -0.05562027543783188, -0.009792504832148552, -0.019671287387609482, 0.020922312512993813, 0.003936414141207933, 0.0245028305798769, 0.0032497886568307877, 0.01965690776705742, -0.010619331151247025, -0.007182607892900705, -0.01465280819684267, -0.016896024346351624, -0.008261078037321568, 0.013279556296765804, 0.003508621361106634, 0.00472369696944952, -0.05366465076804161, 0.01778756082057953, -0.0025002520997077227, -0.0025164291728287935, -0.003217434510588646, 0.011726560071110725, -0.015745656564831734, -0.011093857698142529, -0.0010928492993116379, 0.001975396880879998, 0.007764981593936682, -0.002403189893811941, 0.007290455047041178, -0.03126124292612076, -0.0030916130635887384, 0.009080714546144009, -0.013013534247875214, -0.01534302905201912, 0.008735604584217072, 0.0009409647900611162, -0.001237543998286128, -0.005949557758867741, -0.01275470107793808, -0.024732904508709908, 0.019168000668287277, -0.033734530210494995, 0.018161429092288017, 0.007628375664353371, -0.0002640003804117441, 0.045583318918943405, -0.003850136650726199, 0.009411445818841457, -0.0034313311334699392, -0.015386166982352734, -0.029478171840310097, 0.008455201983451843, 0.014199851080775261, -0.022216474637389183, 0.009195751510560513, -0.010151994414627552, 0.01567375846207142, -0.003154523903504014, 0.007107115350663662, -0.005978316999971867, -0.02733561210334301, -0.03269920125603676, 0.0230648722499609, 0.00858461856842041, -0.022331511601805687, -0.01047553587704897, -0.008153230883181095, 0.008548669517040253, -0.005507385358214378, 0.001310340710915625, -0.0012177720200270414, -0.009699037298560143, 0.014710326679050922, 0.004425320774316788, -0.011460538022220135, -0.020692238584160805, 0.006452843546867371, 0.022460928186774254, -0.007923156954348087, 0.003749479539692402, 0.1903858482837677, 0.0010083691449835896, 0.03002459555864334, 0.0252793300896883, -0.002861539600417018, -0.01414952240884304, 0.03649541363120079, 0.007800930645316839, 0.014135142788290977, -0.0015808568568900228, -0.009116663597524166, 0.010705608874559402, -0.016565294936299324, -0.00011986741446889937, 0.04446170851588249, -0.02967948466539383, -0.04057921841740608, -0.03974520415067673, -0.013344264589250088, 0.008412063121795654, -0.005579282995313406, -0.008865021169185638, -0.01321484800428152, -0.017039820551872253, 0.01119451504200697, -0.020605960860848427, -0.03045598417520523, -0.007944726385176182, 0.019556250423192978, 0.004058640915900469, -0.027407510206103325, -0.010928492993116379, 0.0292049590498209, -0.0136893754824996, 0.002124585211277008, -0.019843842834234238, 0.03405088186264038, -0.005324045196175575, -0.0025002520997077227, 0.010410827584564686, -0.015141714364290237, -0.024488450959324837, 0.014969158917665482, 0.02513553388416767, 0.009835643693804741, 0.005658370908349752, -0.0018675499595701694, 0.02364005520939827, -0.006107733119279146, 0.003567937295883894, -0.019211139529943466, -0.02858663536608219, 0.007477389648556709, 0.01239521149545908, -0.017284274101257324, -0.0022018756717443466, -0.004321068525314331, 0.020462164655327797, 0.008735604584217072, 0.005442677065730095, -0.03609278425574303, -0.005676345434039831, 0.01749996840953827, 0.0065391212701797485, -0.019412454217672348, 0.024287136271595955, -0.03796213120222092, 0.01811829023063183, 0.009461773559451103, 0.002611694158986211, -0.011963823810219765, -0.012812219560146332, -0.021756328642368317, -0.0051263258792459965, -0.03393584489822388, -0.018736613914370537, 0.03505745530128479, 0.0056691556237638, -0.00999381858855486, 0.024330275133252144, -0.004062235821038485, 0.01922551915049553, 0.0056439912877976894, 0.013653426431119442, -0.011791268363595009, -0.03859483450651169, 7.948096754262224e-05, -0.008160420693457127, -0.011539625935256481, -0.0233956016600132, -0.007107115350663662, 0.02138245850801468, -0.01555872242897749, -0.012546197511255741, 0.018722234293818474, -0.0033558381255716085, 0.0316351093351841, 0.003201257437467575, -0.025092395022511482, 0.0046374197117984295, -0.009742176160216331, 0.04382900893688202, 0.02743626944720745, 0.004277929663658142, -0.005611637141555548, -0.009749365970492363, 0.011496487073600292, 0.009900351986289024, 0.010324549861252308, 0.01115137618035078, -0.003256978467106819, -0.04388652741909027, -0.0038753009866923094, -0.006837497930973768, 0.008476771414279938, 0.03707059845328331, 0.0015413129003718495, -0.014063244685530663, 0.0067620049230754375, -0.006111328024417162, 0.009605569764971733, -0.016579674556851387, 0.014465873129665852, 0.03428095579147339, -0.0020922310650348663, 0.011086667887866497, -0.02224523387849331, -0.00043026445200666785, -0.017471209168434143, -0.04003279283642769, 0.021411217749118805, -0.029334375634789467, 0.018549678847193718, 0.003907655365765095, 0.005316855385899544, -0.03405088186264038, -0.026631010696291924, -0.016996681690216064, -0.028457220643758774, -0.008764363825321198, 0.023007353767752647, -0.009778125211596489, 0.015903832390904427, 0.02589765191078186, -5.729370241169818e-05, -0.008527100086212158, 0.005255742464214563, 0.03908374160528183, 0.005759028252214193, -0.026113346219062805, 0.004180867224931717, -0.02838532254099846, 0.028068970888853073, -0.018866030499339104, 0.0198582224547863, -0.02259034477174282, -0.014235800132155418, -0.040550459176301956, 0.0013067458057776093, -0.004669773858040571, -0.0359489880502224, 0.009526481851935387, 0.038192205131053925, -0.002996348310261965, -0.001916081178933382, -0.00499690929427743, -0.1848640888929367, 0.014882881194353104, 0.02287793718278408, -0.030369706451892853, 0.018147049471735954, 0.002728528343141079, 0.0035625449381768703, -0.011086667887866497, -0.0038285674527287483, -0.005327640101313591, 0.01597573049366474, -0.0006093353731557727, 0.010180753655731678, -0.020030776038765907, 0.00619760574772954, -0.00033140473533421755, 0.021741949021816254, 0.004576306324452162, 0.019541870802640915, 0.01033173967152834, -0.001473908545449376, -0.028557877987623215, 0.01811829023063183, 0.020419025793671608, -0.004964555613696575, 0.006003481335937977, -0.01263966504484415, 0.014631238766014576, -0.014926020056009293, -0.016148285940289497, 0.003391787176951766, -0.023136770352721214, 0.007829689420759678, -0.015041057020425797, -0.006298263091593981, 0.028658533468842506, -0.006517551839351654, 0.003260573372244835, -0.0031059926841408014, 0.053923483937978745, 0.019628148525953293, 0.018679095432162285, 0.023582536727190018, 0.012165137566626072, -0.020016396418213844, -0.004957365803420544, 0.01784507744014263, -0.012840978801250458, -0.0005963038420304656, -0.01716923713684082, -0.016335221007466316, 0.002228837227448821, 0.03822096437215805, -0.007700273301452398, 0.007060381583869457, 0.00013076444156467915, 0.030714817345142365, 0.007995055057108402, 0.02815524861216545, -0.0013849347596988082, -0.021066106855869293, -0.01385474018752575, 0.005385158583521843, -0.015486824326217175, 0.002169521525502205, -0.03192270174622536, -0.010051337070763111, 0.005424702540040016, -0.026789186522364616, -0.0029118680395185947, -0.013265176676213741, -0.000974217604380101, 0.018520919606089592, 0.017284274101257324, 0.024258378893136978, 0.018247706815600395, 0.011776888743042946, 0.007606806233525276, -0.006661347579210997, 0.02191450446844101, -0.003832162357866764, 0.030571021139621735, 0.00165185600053519, -0.01537178736180067, 0.005219793412834406, -0.01505543664097786, -0.011963823810219765, -0.008110092021524906, 0.009691847488284111, 0.008606187999248505, 0.0028813115786761045, -0.01253900770097971, 0.024157721549272537, -0.014257369562983513, 0.025624439120292664, -0.010482725687325, 0.010971631854772568, -0.01711171865463257, 0.017154857516288757, -0.015716897323727608, -0.003438520710915327, -0.000899623439181596, -0.0310311671346426, -0.0013669603504240513, 0.03928505629301071, 0.02230275236070156, -0.019196759909391403, -0.0029891584999859333, 0.008376114070415497, -0.027163056656718254, 0.01856405846774578, 0.01563062146306038, 0.044375430792570114, 0.012654044665396214, -0.016996681690216064, 0.032929275184869766, -0.0018235124880447984, -0.038623593747615814, 0.021986402571201324, -0.007193392608314753, 0.053060706704854965, 0.0026314659044146538, -0.04581339284777641, -0.017097339034080505, 0.007915967144072056, 0.006039430387318134, -0.10732930153608322, -0.0011539625702425838, 0.01702544093132019, 0.013365834020078182, -0.048545513302087784, 0.00191787863150239, -0.008210749365389347, 0.018233327195048332, -0.025739476084709167, 0.03439599275588989, -0.009016006253659725, -0.01597573049366474, -0.014767845161259174, -0.000173341526533477, -0.006327022332698107, -0.01745682954788208, 0.016335221007466316, -0.030369706451892853, 0.01239521149545908, 0.034741103649139404, 0.017686903476715088, -0.004252765327692032, -0.024445312097668648, -0.007107115350663662, -7.032520807115361e-05, 0.011611523106694221, -0.024057064205408096, 0.023467499762773514, 0.01807515136897564, 0.030916130170226097, 0.0058812545612454414, -0.023093631491065025, 0.002113800495862961, -0.020217711105942726, -0.011906305328011513, -0.004774025641381741, -0.027651961892843246, -0.0028417676221579313, 0.025638818740844727, -0.022662242874503136, -0.0031635111663490534, 0.012265794910490513, 0.01199258305132389, -0.0033414585050195456, -0.021066106855869293, -0.0015718695940449834, -0.023409981280565262, 0.02565319836139679, -0.0022755709942430258, -0.009159802459180355, -0.005449866876006126, -0.02858663536608219, -0.007570857182145119, 0.007355163339525461, 0.018693475052714348, -0.02224523387849331, -0.006438463926315308, 0.006517551839351654, -0.02248968742787838, 0.0037422897294163704, -0.022992974147200584, 0.010755937546491623, -0.013825980946421623, 0.012014152482151985, 0.025739476084709167, 0.015069816261529922, -0.031577590852975845, -0.012596526183187962, 0.010346119292080402, -0.007779361214488745, -0.01842026226222515, 0.024732904508709908, -0.014106383547186852, -0.00024445311282761395, -0.031002407893538475, -0.019254278391599655, -0.03088737092912197, -0.019052963703870773, 0.0045511419884860516, -0.00690580066293478, -0.008893780410289764, -0.019700046628713608, -0.007621185854077339, -0.005234173033386469, -0.0027483003214001656, 0.005018478725105524, -0.012689992785453796, -0.001547603984363377, 0.023093631491065025, -0.03074357472360134, 0.014854121953248978, 0.004554736893624067, -0.0011719370959326625, -0.020117053762078285, 0.027551304548978806, 0.01606200821697712, -0.003882490796968341, 0.00484232883900404, 0.028989264741539955, -0.005234173033386469, -0.034798622131347656, 0.004202436655759811, -0.06447810679674149, 0.015702517703175545, 0.0015413129003718495, -0.008325786329805851, -0.005651181098073721, -0.02066347934305668, 0.009289219044148922, -0.0060753789730370045, -0.007168228272348642, 0.0026674149557948112, -0.0295932088047266, -0.00913823302835226, -0.020462164655327797, -0.0017453234177082777, -0.02096545137465, -0.01645025797188282, 0.002963994164019823, -0.012503058649599552, 0.015400546602904797, 0.02786765620112419, -0.006603829562664032, 0.0018360946560278535, 0.011259223334491253, 0.01505543664097786, -0.008181990124285221, -0.022432168945670128, -0.014077624306082726, 0.008965677581727505, 0.011446158401668072, 0.006625398527830839, 0.019743185490369797, -0.035373806953430176, -0.0020293204579502344, 0.018765373155474663, 0.006891421042382717, -0.009799694642424583, 0.009612759575247765, 0.010820645838975906, 0.02248968742787838, 0.031146204099059105, -0.05001223459839821, -0.02072099782526493, -0.017629384994506836, -0.0016123121604323387, -0.003731505014002323, 0.014782224781811237, 0.01645025797188282, 0.009030385874211788, -0.00798067543655634, 0.0053779687732458115, 0.03678300604224205, 0.0027033640071749687, 0.010173563845455647, -0.055073849856853485, -0.02411458268761635, 0.008771553635597229, 0.00592439342290163, -0.008742794394493103, 0.006682917010039091, -0.025121154263615608, 0.03327438607811928, 0.009619949385523796, 0.026444075629115105, 0.021655671298503876, 0.021253041923046112, -0.03755950555205345, -0.019829463213682175, -0.003817782737314701, -0.005058022681623697, -0.027119917795062065, 0.0006084366468712687, 0.015098575502634048, 0.030283428728580475, 0.02382699027657509, 0.009174182079732418, -0.007196987513452768, -0.012956015765666962, 0.006460033357143402, -0.0397164449095726, 0.01335864420980215, 0.025063635781407356, -0.02460348792374134, -0.019052963703870773, 0.018017632886767387, 0.02756568416953087, -0.013243607245385647, -0.002138964831829071, 0.025624439120292664, 0.009066334925591946, 0.013725324533879757, 0.002938829828053713, 0.016335221007466316, 0.0093754967674613, -0.00024737397325225174, -0.004231195896863937, 0.03140503540635109, -0.013107001781463623, 0.009706227108836174, 0.032440368086099625, 0.023855749517679214, -0.004464864265173674, -0.0046805585734546185, -0.015328649431467056, -0.03255540505051613, -0.011999772861599922, 0.005870469845831394, -0.020361507311463356, 0.008771553635597229, 0.010576192289590836, -0.01230174396187067, 0.02335246279835701, -0.0005266526713967323, 0.009921921417117119, 0.021281801164150238, -0.029262477532029152, -0.006891421042382717, -0.0013031509006395936, -0.024718524888157845, -0.0454682819545269, 0.03658169135451317, -0.018348364159464836, 0.008865021169185638, 0.03390708565711975, 0.01591821201145649, 0.019585009664297104, 0.027393130585551262, 0.03586271032691002, -0.006319832522422075, 0.02421524003148079, -0.027393130585551262, 0.004709317814558744, -0.005935178138315678, -0.0035931013990193605, 0.010166374035179615, -0.0015691734151914716, -0.026875464245676994, -0.0016419701278209686, 0.002507441909983754, -0.017730042338371277, 0.09231700748205185, 0.03425219655036926, -0.007750601973384619, -0.000885243876837194, -0.01678098738193512, 0.0010883556678891182, 0.03393584489822388, -0.020692238584160805, -0.014667187817394733, -0.03623658046126366, 0.005791382398456335, -0.0068482826463878155, 0.012179517187178135, -0.03166386857628822, 0.007613996043801308, -0.012064481154084206, -0.032008979469537735, 0.027249334380030632, -0.009468963369727135, -0.003774643875658512, 0.012956015765666962, 0.015285510569810867, 0.019872602075338364, 0.005176654551178217, -0.004285119473934174, -0.006434869021177292, -0.0003540975449141115, 0.0012761891121044755, 0.020836034789681435, -0.036811765283346176, -0.003433128586038947, 0.025250570848584175, -0.042649880051612854, -0.020174572244286537, -0.012467109598219395, 0.008958487771451473, -0.005981911905109882, 0.006826713215559721, 0.018190188333392143, 0.012028532102704048, 0.01981508359313011, 0.013222037814557552, 0.008656516671180725, 0.0025469858665019274, -0.012121999636292458, -0.0230648722499609, -0.02756568416953087, -0.012409591116011143, -0.025006117299199104], metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='07277394-c79f-41da-8f0a-c1a52f9fae02', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='84d038eefa88f8101951cbb649989dd2acaee1cf7007ce3fbcfc9726dc38d4cb'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='1a88d60d-a80a-4fb7-8f18-0b92a1897131', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '7', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9ec6a656506c1153ef6daf48ab647292bbe3c7eae6fba1ec8d2c38228b59eef6'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='0acfda72-f820-47c8-84ea-5afeab7d8a6a', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='babce99b4e9b7522bb0b2e1eea50733d61e51ca846dd2bb307fb828f7ab6b1b2')}, hash='28dd45decf5e33f4770f1feae8ad46ba108199e008759ec7caa06718e9ce2caf', text='8 IEEE TRANSACTIONS ON JOUR NAL NAME, MANUSCRIP T ID 10-510-410-310-210-1100100100010000100000Distance computationsRecall error (1-recall)(a) 10M random vectors, d=4M=6, 10-NN NSW Hierarchical NSW102103104105106107108020040060080010001200Distance computationsDataset size(b) Random vectors, d=8M=6, Recall=0.95, 10-NN NSW Hierarchical NSW1021031041051061071080,00,51,01,52,02,5Query time, msDataset size(c) Random vectors, d=8M=6, Recall=0.95, 10-NN NSW Hierarchical NSW Fig. 12. Comparison between NSW and Hierarchical NSW: (a) distance calculation number vs accuracy tradeoff for a 10 million 4-dimensional random vectors dataset; (b-c) performance scaling in t erms of number of distance calculations (b) and raw query(c) time on a 8-dimensional random vectors dataset. 4.2.3 Memory cost The memory consumption of the Hierarchical NSW is mostly defined by the storage of graph connections. The number of connection s per element is Mmax0 for the zero layer and Mmax for all other l ayers. Thus, the average memory consumption per element is (Mmax0+mL ∙Mmax)∙bytes_per_link . If we limit the maximum total number of elements by approximately four billions, we can use four-byte unsigned integers to store the co nnections. Tests suggest that typical close to optimal M values usually lie in a range between 6 and 48. This means that the typical memory requirements for the i ndex (excluding the size of the data) are about 60-450 bytes per object, which is in a good agreement with the simul ations. 5 PERFORMANCE EVALUATIO N The Hierarchical NSW algorithm was implemented in C++ on top of the Non Metric Space Library (nmslib) [49]1, which already had a functional NSW i mplementation (under name “sw-graph”). D ue to several limitations posed by the library, to achieve a better pe rformance, the Hierarchical NSW implementation uses custom distance functions together with C-style memory management , which avoid s unnecessary implicit addres sing and allows efficient hardware and software prefetc hing during the graph traversal . Comparing the performance of K-ANNS algorithms is a nontrivial task since the state-of-the-art is constantly changing as new algorithms and implementations are emerging. In this work we concentr ated on comparison with the best algorithms in Euclid spaces that have open source implementations. An implementation of the Hie rarchical NSW algorithm presented in this paper is also distributed as a part of the open source nmslib library1 together with a n external C++ memory-efficient header-only version with support for incremental index constru ction2. The comparison section consists of four parts: compa rison to the baseline NSW (5.1), comparison to the state-ofthe-art algorithms in Euclid spaces (5.2) , rerun of the su b-1 https://github.com/searchivarius/nmslib 2 https://github.c om/nmslib/hnsw set of tests [34] in general metric spaces in which NSW failed (5.3) and comparison to state-of-the-art PQ-algorithms on a large 200M SIFT dataset (5.4). 5.1 Comparison with baseline NSW For the baseline NSW algorithm implementation, we u sed the “sw-graph” from nmslib 1.1 (which is slightly upda ted compared to the implementation tested in [33, 34] ) to demonstrate the improvements in speed and algorithmic complexity (measured by the number of distance comp utations). Fig. 12(a) presents a co mparison of Hierarchical NSW to the basic NSW algorithm for d=4 random hypercube data made on a Core i5 2400 CPU (10-NN search). Hiera rchical NSW uses much less distance computations during a search on the dataset , especially at high recalls . The scalings of the algorithms on a d=8 random hype rcube dataset for a 10-NN search with a fixed recall of 0.95 are presented in Fig. 12 (b). It clearly demostrates that H ierarchical NSW has a complexity scaling for this setting not worse than logarithmic and outperforms NSW at any dataset size. ', start_char_idx=0, end_char_idx=3888, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
446
       " TextNode(id_='0acfda72-f820-47c8-84ea-5afeab7d8a6a', embedding=[0.003986153285950422, 0.024822041392326355, 0.006766685750335455, -0.0154811916872859, 0.01198380347341299, 0.011252465657889843, -0.006618245504796505, -0.024604812264442444, -0.0362338088452816, -0.04810899868607521, -0.009188789874315262, 0.011469694785773754, -0.0020600557327270508, 0.016610782593488693, -0.0030955143738538027, 0.014308154582977295, 0.02489445172250271, 0.00414183409884572, -0.0017016277415677905, 0.005173672456294298, -0.0214332677423954, 0.01633562706410885, -0.00763922231271863, -0.0374213270843029, 0.004272171761840582, 0.0290073212236166, 0.020376086235046387, -0.016668710857629776, -0.0024293451569974422, -0.01441676914691925, 0.020882954820990562, -0.017291434109210968, -0.01178105641156435, 0.01498880609869957, -0.02393864281475544, 0.004018737934529781, 0.020332641899585724, -0.017653482034802437, 0.03736339882016182, 0.011382803320884705, 0.00022854308190289885, -0.011281429789960384, -0.0038123701233416796, -0.012722382321953773, -0.012823755852878094, -0.00894259661436081, 0.00608241418376565, -0.025039270520210266, 0.003687463467940688, 0.03304778411984444, 0.013229249976575375, 0.022649751976132393, -0.02008644863963127, 0.006491528823971748, -0.0080809211358428, -0.011527623049914837, 0.005843461956828833, 0.019579580053687096, -0.005380040034651756, -0.016031505540013313, -0.006734101101756096, 0.001996697159484029, -0.024807559326291084, 0.019174085929989815, -0.010043224319815636, -0.042547933757305145, -0.020071966573596, -0.005886907689273357, 0.0012382057029753923, -0.01653837412595749, 0.0169293861836195, 0.03440908342599869, -0.0311361663043499, 0.006154823582619429, 0.045299503952264786, -0.01908719353377819, 0.0060932752676308155, 0.011853466741740704, -0.010289416648447514, 0.017465217038989067, 0.005405383184552193, -0.03313467279076576, 0.008312632329761982, 0.02745775505900383, 0.012258960865437984, 0.03440908342599869, -0.0014364272356033325, 0.013547852635383606, -0.0307886004447937, 0.009507392533123493, 0.033163636922836304, 0.016654228791594505, 0.03186026215553284, -0.026545392349362373, -0.011672441847622395, 0.0031389601062983274, -0.014004033990204334, 0.0028674236964434385, 0.005702263209968805, -0.016002541407942772, 0.0010155459167435765, 0.0039246054366230965, -0.0022338388953357935, -0.0159880593419075, -0.007574053481221199, -0.0006856292602606118, -0.005604510195553303, 0.0025397699791938066, -0.013779563829302788, 0.02412690967321396, -0.0033996349666267633, 0.007516125682741404, -0.011411767452955246, -0.010274935513734818, -0.023055246099829674, -0.028674237430095673, 0.03099134750664234, -0.025386838242411613, -0.004645081702619791, 0.003131719073280692, 0.022548377513885498, 0.012649972923099995, 0.019434761255979538, -0.016987312585115433, 0.021954618394374847, 0.019420279189944267, -0.009290163405239582, -0.022157365456223488, -0.017682446166872978, -0.03655241057276726, 0.02372141368687153, 0.026603320613503456, 0.027747392654418945, 0.007016499061137438, -0.02314213663339615, 0.019811291247606277, 0.01713213324546814, -0.024373101070523262, -0.01963750831782818, -0.023229029029607773, 0.005629853345453739, 0.019796809181571007, -0.00846469309180975, -0.02256285957992077, -0.02217184752225876, 0.03270021453499794, 0.004746455233544111, 0.01556808315217495, 0.01908719353377819, -0.026748139411211014, 0.006929607596248388, -0.012389297597110271, -0.004293894860893488, 0.02687847800552845, 0.024199318140745163, -0.0056081307120621204, -0.005760191008448601, 0.01633562706410885, -0.018652737140655518, -0.04790624976158142, -0.021838761866092682, 0.024257246404886246, -0.0014780628262087703, -0.018551362678408623, 0.009673934429883957, 0.01594461314380169, 0.005521238781511784, -0.01147693581879139, -0.02805151417851448, -0.029470743611454964, -0.006897022947669029, 0.021346377208828926, -0.017827264964580536, 0.01061526034027338, 0.019782327115535736, -0.014554347842931747, 0.043329957872629166, 0.025647511705756187, -0.024271728470921516, -0.0031751650385558605, -0.000430385087383911, 0.010303898714482784, 0.019753362983465195, 0.0034629935398697853, -0.004301135428249836, 0.0028692339546978474, 0.027501201257109642, 0.016654228791594505, 0.01549567375332117, -0.015872204676270485, 0.009167066775262356, 0.010622501373291016, 0.005227979738265276, -0.0023352124262601137, -0.6033754944801331, -0.016306662932038307, 0.02005748450756073, -0.035944171249866486, 0.0076319812797009945, 0.005405383184552193, 0.020158857107162476, 0.024677222594618797, 0.008319873362779617, 0.030817564576864243, -0.03600209951400757, 0.004540087655186653, -0.006694275885820389, -0.009608766064047813, -0.017798302695155144, -0.008298150263726711, 0.011317634955048561, -0.018812038004398346, 0.03287399932742119, 0.006393775809556246, -0.022649751976132393, 0.030296213924884796, -0.0024239143822342157, -0.013757840730249882, 0.009768066927790642, 0.014322636649012566, 0.012548599392175674, -0.0342063382267952, 0.013142358511686325, 0.008486415259540081, -0.039622582495212555, 0.023837270215153694, 0.0017251608660444617, 0.01963750831782818, 0.045878779143095016, -0.022055990993976593, -0.0133523466065526, 0.01285996101796627, 0.03663930296897888, 0.022113919258117676, -0.04225829616189003, -0.01852239854633808, -0.0034358398988842964, 0.01089765876531601, -0.012338611297309399, 0.01325097307562828, 0.013417515903711319, -0.0023116793017834425, -0.014264709316194057, -0.03675515949726105, 0.006299642845988274, 0.002871044212952256, -0.019304422661662102, -0.0032783488277345896, -0.0023388329427689314, -0.017059722915291786, 0.030701708048582077, -0.019623026251792908, 0.013678190298378468, 0.010057706385850906, 0.010651465505361557, -0.01908719353377819, -0.015626011416316032, -0.030093466863036156, -0.0353938564658165, 0.01677008345723152, -0.019159603863954544, 0.026835031807422638, -0.01595909520983696, -0.020303677767515182, 0.021158112213015556, 0.002588646486401558, 0.002900008112192154, -0.0010191664332523942, 0.026357127353549004, 0.02279457077383995, 0.02802255004644394, 0.0067196195013821125, -0.017045240849256516, -0.009239476174116135, 0.009442223235964775, 0.007820246741175652, -0.01927546039223671, -0.001980405068024993, 0.029644526541233063, 0.006216371897608042, -0.03721858188509941, 0.009898404590785503, -0.010007019154727459, -0.0029018183704465628, 0.006227233447134495, 0.004250448662787676, -0.02631368115544319, -0.05378591641783714, 0.006578420288860798, 0.022461485117673874, 0.013460961170494556, 0.010767321102321148, 0.006357570644468069, -0.046834588050842285, -0.02320006489753723, -0.029253514483571053, 0.01519155316054821, -0.018797555938363075, -0.007393029518425465, -0.005057816859334707, 0.007233728189021349, 0.021867725998163223, 0.024097945541143417, -0.01593013107776642, 0.005267804954200983, -0.011281429789960384, -0.007421993184834719, -0.0014509091852232814, 0.014395046047866344, -0.03035414218902588, 0.039593618363142014, 0.011035236530005932, -0.01730591617524624, -0.01577083021402359, 0.02337384782731533, 0.003403255483135581, 0.010361826978623867, -0.004159936681389809, 0.003224041545763612, 0.0023134895600378513, 0.011397285386919975, -0.01575634814798832, -0.021100183948874474, -0.01695835031569004, 0.008109885267913342, -0.016581818461418152, 0.015828758478164673, -0.018058976158499718, 0.0342063382267952, -0.007928861305117607, 0.014872950501739979, 0.00047292577801272273, -0.003392393933609128, -0.015539119951426983, -0.021766353398561478, 0.002119793789461255, 0.0028438905719667673, -0.032005082815885544, -0.014757094904780388, -0.004760937299579382, -0.02320006489753723, 0.020564351230859756, -0.015872204676270485, 0.0027117428835481405, -0.008421246893703938, -0.01409816648811102, -0.039622582495212555, 0.022258738055825233, 2.9161870770622045e-05, -0.008254704996943474, 0.0016093053855001926, -0.02553165704011917, -0.002961556427180767, -0.025966115295886993, 0.0045654308050870895, 0.0350462906062603, -0.007907138206064701, -0.009282922372221947, 0.001125970738939941, -0.025372356176376343, -0.001365827745757997, 0.01595909520983696, 0.01866721734404564, -0.04613945633172989, -0.006129480432718992, -0.02414138987660408, -0.006317745428532362, 0.02354763075709343, 0.0025053753051906824, 0.006715998984873295, -0.01775485649704933, -0.0028402700554579496, -0.009666693396866322, -0.007078047376126051, 0.010289416648447514, 0.0039246054366230965, -0.010977309197187424, -0.01546670962125063, 0.046602874994277954, 0.0060860347002744675, 0.01333062443882227, -0.010130115784704685, -0.0048876539804041386, -0.004130973014980555, 0.014337118715047836, 0.014206781052052975, -0.017421770840883255, -0.005944835487753153, -0.012577563524246216, -0.0007833823328837752, -0.004344581626355648, -0.005702263209968805, -0.010035983286798, 0.025357874110341072, 0.007711632177233696, 0.0055031366646289825, 0.00496730487793684, -0.002251941477879882, 0.015336372889578342, -0.03449597582221031, 0.015336372889578342, -0.0017133943038061261, 0.021896690130233765, 0.007805764675140381, 0.0062308539636433125, 0.003394204191863537, -0.014547106809914112, -0.02353314869105816, 0.0171031691133976, 0.015683939680457115, -0.017581073567271233, 0.0006059785955585539, -0.002110742498189211, 0.018956856802105904, 0.010550091974437237, 0.003758062841370702, 0.022258738055825233, -0.002159619005396962, 0.0013649226166307926, -0.003238523378968239, 0.02123052068054676, 0.04361959919333458, -0.0014346169773489237, -0.006172926165163517, -0.006466185208410025, -0.006973053328692913, 0.027312934398651123, 0.006180167198181152, 0.029832791537046432, 0.007943343371152878, 0.03287399932742119, 0.0016011592233553529, 0.001410178723745048, -0.011498658917844296, 0.006350330077111721, 0.016639746725559235, 0.006339468527585268, -0.011274188756942749, 0.0062489560805261135, -0.002805875614285469, 0.040578391402959824, 0.019347868859767914, -0.003636776702478528, 0.02515512704849243, -0.008703644387423992, 0.011346598155796528, 0.005561063997447491, 0.027530163526535034, 0.007986788637936115, -0.020144375041127205, 0.0049817864783108234, 0.012403779663145542, 0.034148409962654114, 0.04130248725414276, 0.01694386824965477, -0.018725145608186722, 0.02298283576965332, -0.0040983883664011955, -0.008102644234895706, -0.06111377850174904, 0.020491942763328552, 0.011824502609670162, 0.01285996101796627, -0.012700660154223442, 0.004156316164880991, -0.013026502914726734, 0.004974545910954475, -0.028978358954191208, 0.01303374394774437, -0.0016093053855001926, 0.01490191463381052, -0.011230742558836937, 0.03542282059788704, 0.020940883085131645, -0.031976118683815, -0.02800806798040867, 0.014539865776896477, 0.01695835031569004, -0.01032562181353569, -0.017088687047362328, -0.013222009874880314, 0.01886996440589428, -0.02372141368687153, 0.004960063844919205, -0.007950584404170513, -0.00963048916310072, -0.0010300278663635254, -0.012707900255918503, -0.0077695599757134914, 0.0025578723289072514, 0.023286957293748856, 0.010875935666263103, -0.0008490036125294864, -0.0007571338210254908, 0.01390990149229765, -0.009536356665194035, -0.003634966444224119, -0.014568829908967018, 0.059260088950395584, -0.008276427164673805, -0.006781167350709438, -0.020709171891212463, -0.009891163557767868, -0.0054596904665231705, -0.005173672456294298, -0.010282175615429878, 0.00797954760491848, 0.027356380596756935, 0.015669457614421844, 0.003881159471347928, -0.014185057953000069, 0.004460436757653952, 0.03704479709267616, -0.008862946182489395, -0.011136610060930252, -0.025082716718316078, 0.0024673601146787405, 0.02180979959666729, 0.03446701169013977, 0.01928994059562683, -0.008204017765820026, 0.009912886656820774, -0.01010839268565178, -0.003957189619541168, -0.028123924508690834, 0.018841002136468887, 0.02043401449918747, 0.011447971686720848, -0.02296835370361805, -0.016292180866003036, 0.015017770230770111, 0.013026502914726734, 0.0397963672876358, 0.009681175462901592, 0.001392981386743486, -0.022823534905910492, 0.008276427164673805, 0.0311361663043499, 0.0021378961391747, -0.0136492270976305, 0.007660945411771536, 0.014221263118088245, -0.02453240379691124, -0.001797570614144206, 0.012548599392175674, -0.010202525183558464, 0.007074426859617233, -0.036117952316999435, -0.009196030907332897, 0.01852239854633808, 0.030817564576864243, 0.01691490411758423, -0.011744852177798748, 0.02611093409359455, 0.01694386824965477, 0.027153633534908295, 0.019550615921616554, -0.02823977917432785, 0.019043749198317528, -0.005466931499540806, 0.008240222930908203, 0.00042880114051513374, 0.0008444780251011252, 0.0013142358511686325, 0.01769692823290825, 0.03133891522884369, -0.027168115600943565, -0.010861453600227833, 0.0009232235606759787, -0.027718430384993553, -0.02742879092693329, -0.01488743256777525, -0.001839206088334322, -0.00505419634282589, -0.019767845049500465, 0.0022845256607979536, -0.009905645623803139, -0.031657516956329346, 0.0016400795429944992, 0.0028185471892356873, 0.010731115937232971, -0.004786280449479818, -0.01733488030731678, -0.006288781762123108, -0.03333742171525955, 0.005043334793299437, -0.029369371011853218, -0.0007824772037565708, 0.013193045742809772, -0.005810877773910761, -0.03000657632946968, -0.0013178563676774502, 0.013222009874880314, 0.02570543996989727, 0.022881461307406425, 0.005720365326851606, -0.041389379650354385, 0.0276460200548172, -0.019811291247606277, -0.007950584404170513, -0.0008820405346341431, -0.02085399068892002, -0.0026719176676124334, -0.0068644387647509575, 0.00047654626541770995, -0.008558825589716434, 0.0010363636538386345, -0.020955365151166916, 0.002961556427180767, -0.011998285539448261, -0.008204017765820026, 0.00013067686813883483, 0.026516428217291832, -0.00039938470581546426, 0.011071441695094109, 0.035306964069604874, 0.015857722610235214, -0.017204541712999344, 0.019811291247606277, -0.0027986345812678337, -0.010303898714482784, 0.007128734141588211, 0.022852499037981033, 0.01108592376112938, 0.00398977380245924, 0.0068644387647509575, -0.003019483992829919, -0.006614624988287687, 0.016639746725559235, -0.022895943373441696, 0.010202525183558464, 0.0013232871424406767, 0.020535388961434364, 0.028659755364060402, 0.016972830519080162, 0.022475967183709145, 0.011875188909471035, -0.0008046526927500963, -0.01488743256777525, -0.00787817407399416, 0.001127780880779028, 0.0056262328289449215, -0.015263962559401989, 0.027979103848338127, -0.024025535210967064, 0.005354696419090033, -0.01419954001903534, 0.0010598968947306275, -0.0033960144501179457, 0.019811291247606277, 0.0038594366051256657, -0.022504931315779686, -0.016321144998073578, -0.014387805946171284, -0.012990298680961132, -0.002094450406730175, -0.026429537683725357, -0.005343835335224867, -0.0011567447800189257, -0.02081054449081421, 0.007172179874032736, -0.014134371653199196, -0.01910167559981346, -0.011759333312511444, -0.03939087316393852, 0.017783820629119873, 0.005278666503727436, 0.00934809073805809, -0.0038884002715349197, -0.00797954760491848, -0.007545089814811945, -0.021853243932127953, -0.009029488079249859, -0.012143105268478394, -0.011419008485972881, 0.025213053449988365, 0.036291737109422684, 0.013591298833489418, 0.031049275770783424, -0.0006095990538597107, 0.008587789721786976, 0.025937151163816452, 0.0057819136418402195, 0.0007580389501526952, -0.006795649416744709, -0.009094657376408577, -0.015828758478164673, 0.0022682335693389177, 0.03773992881178856, -0.00569502217695117, 0.011122127994894981, 0.01412713062018156, 0.026559874415397644, 0.027197079733014107, 0.007574053481221199, -0.02825426124036312, -0.006314124912023544, -0.04695044457912445, 0.0018446368630975485, -0.01750866323709488, -0.0018473522504791617, 1.9856095605064183e-05, -0.0235621128231287, -0.024503439664840698, 0.018058976158499718, 0.0026248511858284473, 0.008616752922534943, -0.004395268391817808, 0.029528671875596046, 0.007870933040976524, -0.005278666503727436, 0.03188922628760338, 0.01775485649704933, -0.0323236845433712, 0.016321144998073578, -0.028181850910186768, -0.017841747030615807, 0.012324129231274128, -0.006201889831572771, 0.012077935971319675, 0.004246828146278858, 0.010919380933046341, -0.010875935666263103, 0.008146090433001518, -0.006614624988287687, -0.021491196006536484, -0.014004033990204334, 0.004532846622169018, -0.017610035836696625, -0.017204541712999344, -0.023909680545330048, 0.01039803121238947, -0.030904455110430717, 0.0053040096536278725, -0.008783295750617981, 0.008964319713413715, -0.03933294489979744, -0.005923112854361534, 0.02065124362707138, 0.021071219816803932, 0.03287399932742119, -0.011419008485972881, 0.02201254665851593, 0.033424314111471176, -0.018189314752817154, -0.018812038004398346, 0.009362572804093361, 0.004989027511328459, -0.010043224319815636, 0.0343511588871479, 0.035364892333745956, -0.0534093864262104, -0.03249746933579445, 0.0008539817645214498, -0.00768990907818079, -0.010579056106507778, -0.05905734375119209, 0.024228282272815704, 0.02767498418688774, 0.01313511747866869, -0.0428665354847908, 0.002715363400056958, -0.03238161280751228, 0.04599463567137718, 0.0010617070365697145, -0.0017957603558897972, -0.0010807146318256855, -0.0033543789759278297, -0.00681013148277998, 0.03246850520372391, 0.003949948586523533, 0.047790396958589554, -0.0003229019639547914, -0.02625575289130211, 0.02415587194263935, -0.004999889060854912, -0.009811513125896454, 0.022128401324152946, -0.014778818003833294, 0.043532706797122955, -0.011744852177798748, -0.013040984980762005, 0.0311361663043499, 0.012157587334513664, 0.0010490353452041745, 0.008073680102825165, 0.004891274496912956, 0.033771879971027374, -0.034380119293928146, -0.018594808876514435, 0.004978166427463293, -0.0003158872714266181, 0.019347868859767914, -0.004757316783070564, -0.012331370264291763, -0.016813529655337334, -0.00868192221969366, 0.004152695648372173, 0.022461485117673874, -0.0038775389548391104, 0.026559874415397644, 0.004304755944758654, -0.017870711162686348, -0.0085515845566988, -0.03365602344274521, -0.0038739184383302927, 0.00012909290671814233, -0.06765961647033691, -0.026328163221478462, 0.0030846528243273497, -0.013272696174681187, 0.0007141405949369073, -0.0026628663763403893, -0.02280905283987522, 0.020187821239233017, 0.02354763075709343, -0.019174085929989815, 0.018232760950922966, 0.03713168948888779, 0.022128401324152946, -0.03852195665240288, -0.008689163252711296, -0.018652737140655518, -0.018565844744443893, 0.026965368539094925, -0.00963048916310072, -0.033395349979400635, -0.006502390373498201, 0.0028167369309812784, 0.01927546039223671, 0.02238907665014267, -0.003758062841370702, 0.012802033685147762, 0.0003097777080256492, 0.00894259661436081, -0.01674112118780613, -0.025560621172189713, 0.01188242994248867, -0.01717557944357395, 0.0038377135060727596, 0.025821296498179436, -0.01755210943520069, 0.02141878567636013, -0.019796809181571007, -0.005872426088899374, -0.015828758478164673, -0.04364855960011482, -0.014728130772709846, -0.008189535699784756, 0.009340849705040455, -0.0013441048795357347, -0.017827264964580536, -0.02099880948662758, -0.009138102643191814, -0.02180979959666729, 0.029919683933258057, 0.0042757922783494, -0.03296089172363281, 0.007288035470992327, 0.001275315647944808, -0.009797031059861183, 0.0016980072250589728, -0.03168648108839989, 0.0009485669434070587, 0.005633473861962557, 0.0035806591622531414, -0.037710968405008316, -0.0004613854980561882, 0.021693943068385124, 0.04515468329191208, 0.03226575627923012, -0.02065124362707138, -0.02629919908940792, 0.0028294087387621403, -0.051874302327632904, -0.016856975853443146, -0.0220270287245512, 0.01927546039223671, 0.0006263438262976706, 0.02744327299296856, 0.013526130467653275, 0.02529994584619999, -0.01159279141575098, -0.005075919441878796, -0.009442223235964775, -0.01002150122076273, 0.0006648114649578929, 0.016248734667897224, 0.005267804954200983, 0.00033172688563354313, -0.047413866966962814, 0.01196208130568266, -0.004015117418020964, 0.003600571770220995, -0.013243732042610645, 0.01285996101796627, -0.011158333159983158, -0.016799047589302063, -0.008189535699784756, 0.002058245474472642, 0.007190282456576824, -0.0038413340225815773, 0.001380309695377946, -0.030469996854662895, -0.0006277015199884772, 0.016103915870189667, -0.005499516148120165, -0.016625264659523964, 0.0028692339546978474, -0.00943498220294714, -0.0003163398359902203, 0.006611004937440157, -0.0037472015246748924, -0.018739627674221992, 0.02629919908940792, -0.022142883390188217, 0.014322636649012566, 0.006585661321878433, 0.006506010890007019, 0.05395970121026039, -0.016856975853443146, 0.006712378468364477, -0.016697674989700317, -0.010890417732298374, -0.030441034585237503, 0.00623447448015213, 0.003323604818433523, -0.00992012768983841, -0.0025452005211263895, -0.0037725449074059725, 0.008428487926721573, 8.938070823205635e-05, 0.0051700519397854805, 0.004163557197898626, -0.018841002136468887, -0.011846225708723068, 0.022142883390188217, -0.014170576818287373, -0.009268440306186676, -0.00628516124561429, -0.004138213582336903, 0.00021802105766255409, 0.014257468283176422, -0.0006634537712670863, -0.00355712603777647, -0.010890417732298374, 0.003946328070014715, 0.014974324032664299, -0.012389297597110271, -0.0138230100274086, 0.009616007097065449, 0.01652389205992222, -0.007436475250869989, 0.0110135143622756, 0.19950318336486816, 0.0064227394759655, 0.024040017277002335, 0.031657516956329346, -0.004771798383444548, -0.019014785066246986, 0.018855484202504158, 0.006136721465736628, 0.015133624896407127, -0.005452449899166822, 0.0004982691607438028, 0.005550202913582325, -0.020535388961434364, -0.00442785257473588, 0.025039270520210266, -0.017378326505422592, -0.035944171249866486, -0.04112870246171951, -0.013258214108645916, 0.011976562440395355, -0.008906392380595207, -0.007204764056950808, -0.024271728470921516, -0.02257734164595604, 0.003855816088616848, -0.012179309502243996, -0.03238161280751228, -0.014134371653199196, 0.017276952043175697, -0.0014346169773489237, -0.017610035836696625, 0.0013341485755518079, 0.02470618672668934, -0.005861564539372921, -0.0059701791033148766, -0.015539119951426983, 0.036291737109422684, 0.010962827131152153, -0.0011820881627500057, 0.026994332671165466, -0.0220270287245512, -0.039246052503585815, 0.00720114354044199, 0.010622501373291016, 0.0023623660672456026, 0.0017314967699348927, -0.007172179874032736, 0.008515379391610622, -0.0036965147592127323, 0.00875433161854744, -0.03116513043642044, -0.016436999663710594, 0.013511648401618004, 0.015148106962442398, -0.016234252601861954, -0.000559817417524755, 0.00043875747360289097, 0.02279457077383995, 0.02180979959666729, 0.008928114548325539, -0.035335928201675415, -0.004840587731450796, 0.014655721373856068, 0.017219023779034615, -0.009217754006385803, 0.021114666014909744, -0.024995824322104454, 0.011209020391106606, 0.007747836876660585, 0.004996268544346094, 0.009051211178302765, -0.012505153194069862, -0.009644970297813416, -0.0024438269902020693, -0.04793521389365196, -0.025937151163816452, 0.023055246099829674, 0.00047473603626713157, 0.00662548653781414, 0.02726949006319046, 0.007617499213665724, 0.020347122102975845, -0.0006498769507743418, 0.021505678072571754, -0.01830516941845417, -0.0323236845433712, -0.002923541236668825, -0.007566812448203564, -0.011831743642687798, -0.01910167559981346, -0.016856975853443146, 0.024836523458361626, -0.012845478951931, -0.013613021932542324, 0.0085515845566988, 0.0085515845566988, 0.026617802679538727, 0.011520382016897202, -0.016422517597675323, 0.004493021406233311, -0.013388551771640778, 0.03510421887040138, 0.02079606242477894, 0.0028438905719667673, -0.008471934124827385, -0.009290163405239582, -0.008696403354406357, 0.008558825589716434, 0.009601525031030178, 0.01636458933353424, 0.003079222049564123, -0.036088988184928894, -0.00598466070368886, -0.0034249783493578434, 0.006520492490381002, 0.030846528708934784, 0.009601525031030178, -0.01238205749541521, 0.0069983964785933495, -0.0111872972920537, 0.010057706385850906, -0.011991044506430626, 0.019246496260166168, 0.02335936576128006, -0.00915982574224472, 0.017783820629119873, -0.03073067218065262, -0.007233728189021349, -0.01362026296555996, -0.02845700830221176, 0.028109442442655563, -0.020926401019096375, 0.010057706385850906, 0.006799269933253527, -0.0020401431247591972, -0.022910425439476967, -0.028341153636574745, -0.013801286928355694, -0.020014038309454918, -0.012896166183054447, 0.016885939985513687, -0.009188789874315262, 0.010354585945606232, 0.020709171891212463, -0.0010155459167435765, 0.0014038428198546171, 0.009167066775262356, 0.026516428217291832, 0.011484176851809025, -0.0323236845433712, 0.002952505135908723, -0.020984327420592308, 0.01469916757196188, -0.021896690130233765, 0.028283225372433662, -0.00750164408236742, -0.00709977000951767, -0.04920962452888489, -0.006813751999288797, 0.008298150263726711, -0.018203796818852425, 0.01293237041682005, 0.0444016233086586, -0.005973799619823694, -0.00301767373457551, -0.010557333007454872, -0.18722249567508698, 0.01157830934971571, 0.0278198029845953, -0.04011496901512146, 0.014713648706674576, 0.020680207759141922, 0.008986042812466621, -0.001904374803416431, -0.00774059584364295, -0.008276427164673805, 0.020361604169011116, -0.0006648114649578929, 0.004960063844919205, -0.03446701169013977, 0.003805129323154688, 0.012135864235460758, 0.02592266909778118, 0.003249384928494692, 0.009804272092878819, 0.014713648706674576, 0.0073314812034368515, -0.030267249792814255, 0.009854959324002266, 0.008522620424628258, -0.004062183666974306, -0.002031091833487153, -0.019246496260166168, 0.010687670670449734, -0.01546670962125063, -0.008500897325575352, 0.013417515903711319, -0.009579801931977272, 0.0012934181140735745, -0.014945359900593758, -0.0009241286898031831, 0.021505678072571754, -0.01108592376112938, -0.004833346698433161, -0.001469011651352048, 0.04532846435904503, 0.023649005219340324, 0.012121382169425488, 0.019029267132282257, 0.011151092126965523, -0.019362350925803185, -0.006274299696087837, 0.02415587194263935, -0.02275112457573414, -0.006980294361710548, -0.014438492245972157, -0.008160572499036789, 0.002083588857203722, 0.043127212673425674, 0.001875411020591855, 0.006332227494567633, 0.014206781052052975, 0.010369068011641502, 0.00809540320187807, 0.030672745779156685, -0.012396538630127907, -0.02547372877597809, -0.007682668045163155, 0.007338722236454487, -0.004844208247959614, -0.013460961170494556, -0.032642289996147156, -0.02359107695519924, 0.014279191382229328, -0.021520160138607025, -0.0014862088719382882, -0.008696403354406357, -0.009789790026843548, 0.020911918953061104, 0.00035344981006346643, 0.03382980823516846, 0.01235309336334467, 0.003920984920114279, 0.008826741017401218, 0.004022358451038599, 0.021954618394374847, -0.01296133454889059, 0.037073761224746704, 0.003019483992829919, -0.01257032249122858, 0.0019840255845338106, -0.016639746725559235, -0.012034490704536438, -0.006795649416744709, -0.010484923608601093, 0.010492163710296154, 0.011817261576652527, -0.026357127353549004, 0.011925876140594482, -0.01196208130568266, 0.02473515085875988, 0.0030484478920698166, 0.00955083779990673, -0.020723653957247734, 0.027689466252923012, -0.01373611856251955, -0.002404001774266362, 0.005188154522329569, -0.02333040162920952, 0.010752839036285877, 0.05283011123538017, 0.02179531753063202, -0.008160572499036789, -0.011194538325071335, 0.004076665733009577, -0.016089433804154396, 0.005322112236171961, 0.0235621128231287, 0.03290296345949173, 0.00011755260493373498, -0.015336372889578342, 0.032207831740379333, 0.008783295750617981, -0.031049275770783424, 0.021737389266490936, -0.023069728165864944, 0.044865045696496964, 0.0047211116179823875, -0.026342645287513733, -0.00924671720713377, 0.015915650874376297, -0.004015117418020964, -0.11110542714595795, -0.003714617108926177, 0.02767498418688774, 0.011846225708723068, -0.03675515949726105, 0.01373611856251955, 0.0015939183067530394, 0.009456705302000046, -0.01968095451593399, 0.038492992520332336, -0.008225740864872932, -0.016248734667897224, -0.007675427012145519, -0.0013305280590429902, 0.011237983591854572, -0.01510466169565916, 0.009768066927790642, -0.035306964069604874, 0.0017640810692682862, 0.02301179990172386, 0.017783820629119873, -0.006060691084712744, -0.004572671838104725, -0.0034503217320889235, -0.000454597087809816, 0.0010390790412202477, -0.03275814279913902, 0.03362705931067467, 0.021940136328339577, 0.011600032448768616, 0.011332116089761257, -0.03041207045316696, 0.009500151500105858, -0.017870711162686348, -0.010484923608601093, -0.01579979434609413, -0.039622582495212555, 8.464297025057022e-06, 0.021838761866092682, -0.02648746408522129, 0.006752203684300184, 0.011419008485972881, 0.02026023156940937, -0.007494403049349785, -0.011904153041541576, -0.005126606207340956, -0.0346987247467041, 0.021693943068385124, -0.009319127537310123, -0.01771141029894352, -0.0159880593419075, -0.030035540461540222, -0.00955083779990673, 0.00353178265504539, 0.01984025537967682, -0.016118397936224937, 0.00014810044376645237, -0.0019098055781796575, -0.017957603558897972, 0.005061437375843525, -0.03180233761668205, 0.0023116793017834425, -0.017392806708812714, 0.008117126300930977, 0.013142358511686325, 0.01460503414273262, -0.029832791537046432, -0.023055246099829674, 0.004619738087058067, 0.0015079318545758724, -0.006078793667256832, 0.026545392349362373, -0.019130639731884003, 0.007972306571900845, -0.03510421887040138, -0.011136610060930252, -0.026617802679538727, -0.018189314752817154, -0.0014454784104600549, -0.0021958239376544952, -0.024633776396512985, -0.021954618394374847, -0.011838984675705433, 0.0007698055123910308, 0.01013735681772232, -0.008175053633749485, -0.01537981815636158, -0.0022447004448622465, 0.00847917515784502, -0.041563160717487335, 0.022287702187895775, -0.0013287178007885814, 0.00380150880664587, -0.012251719832420349, 0.0018717905040830374, 0.025792332366108894, -0.010550091974437237, -0.005590028129518032, 0.010361826978623867, -0.013880937360227108, -0.03794267773628235, 0.012396538630127907, -0.07472679764032364, 0.013960588723421097, 0.0033181740436702967, 0.007248209789395332, -0.004963684361428022, -0.010383549146354198, 0.01614736020565033, -0.0014047479489818215, -0.014090925455093384, -0.0022573720198124647, -0.03116513043642044, -0.0013359588338062167, -0.020506424829363823, -0.0027135531418025494, -0.006060691084712744, 0.0007707106415182352, 0.009340849705040455, -0.005586407613009214, 0.02198358252644539, 0.0223745945841074, 0.007374926935881376, 0.004750075750052929, 0.008204017765820026, 0.020738136023283005, -0.010014260187745094, -0.01539430022239685, -0.006194648798555136, -0.001481683342717588, 0.0033616197761148214, 0.017972085624933243, 0.024068981409072876, -0.02839908003807068, -0.014945359900593758, 0.011440730653703213, -0.007360444869846106, -0.008696403354406357, -0.0025687338784337044, 0.017016276717185974, 0.008812258951365948, 0.033424314111471176, -0.046602874994277954, -0.0056153712794184685, -0.0018337754299864173, -0.006299642845988274, -0.008913632482290268, 0.007436475250869989, 0.03522007167339325, 0.02008644863963127, -0.002146947430446744, -0.008920873515307903, 0.03997014835476875, 0.0061149983666837215, 1.3527318515116349e-05, -0.06626934558153152, -0.017016276717185974, 0.014438492245972157, -0.00218858290463686, -0.011991044506430626, 0.0064154984429478645, -0.020694689825177193, 0.03663930296897888, 0.0028782852459698915, 0.034756653010845184, 0.015350854024291039, 0.008993283845484257, -0.024112427607178688, -0.0121648283675313, -0.0011033426271751523, -0.0018554982962086797, -0.023649005219340324, -0.0026755379512906075, 0.0036403972189873457, 0.012773069553077221, 0.028934912756085396, 0.016856975853443146, -0.006060691084712744, 0.00632136594504118, 0.010419754311442375, -0.027906695380806923, 0.016219770535826683, 0.043503742665052414, -0.0065422155894339085, -0.007610258646309376, 0.01637907139956951, 0.018348615616559982, -0.02144774980843067, -0.013692672364413738, 0.01717557944357395, 0.008406764827668667, 0.010173561051487923, -0.006100516300648451, 0.011129369027912617, 0.005083160474896431, -0.006679793819785118, -0.014742612838745117, 0.03406151756644249, -0.012143105268478394, 0.014829504303634167, 0.03327949345111847, 0.01617632433772087, -0.0033869631588459015, -0.012186550535261631, -0.006611004937440157, -0.020564351230859756, -0.029470743611454964, 0.001001969096250832, -0.025806814432144165, -0.0002808138378895819, 0.006973053328692913, -0.006292402278631926, 0.018609290942549706, 0.0010979119688272476, -0.0034666138235479593, 0.013555093668401241, -0.026386091485619545, -0.006212751381099224, 0.01325097307562828, -0.022128401324152946, -0.033424314111471176, 0.024648258462548256, -0.004388027358800173, 0.013004780746996403, 0.022924907505512238, 0.018739627674221992, 0.026038523763418198, 0.023677969351410866, 0.01788519322872162, 0.0004878602921962738, 0.02606748789548874, -0.027385344728827477, -0.0071758003905415535, -0.010948345065116882, -0.007863692007958889, 0.007682668045163155, -0.02295387163758278, -0.030846528708934784, 0.0032421438954770565, -0.0009549027890898287, -0.02703777886927128, 0.10693462938070297, 0.03698686882853508, -0.010861453600227833, 0.0022428901866078377, -0.03947776183485985, -0.000963954022154212, 0.045096755027770996, -0.01714661531150341, -0.01614736020565033, -0.03035414218902588, -0.016885939985513687, -0.0006878920830786228, 0.002708122367039323, -0.03018035925924778, -0.0007720683352090418, -0.009268440306186676, -0.031223058700561523, 0.0069875349290668964, -0.00432647904381156, 0.023504186421632767, 0.007389409001916647, 0.0012382057029753923, 0.01871066354215145, 0.007986788637936115, -0.006368432193994522, -0.0009784359717741609, 0.005684160627424717, -0.004460436757653952, 0.02839908003807068, -0.03802957013249397, 0.00011234816338401288, 0.01791415736079216, -0.035335928201675415, -0.015539119951426983, -0.015017770230770111, -0.0053365943022072315, -0.004004255868494511, 0.004543708171695471, 0.026574356481432915, -0.00868192221969366, 0.020303677767515182, 0.016639746725559235, 0.005361937452107668, -0.014815022237598896, -0.005369178485125303, -0.021071219816803932, -0.019203050062060356, -0.010492163710296154, -0.024431029334664345], metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='07277394-c79f-41da-8f0a-c1a52f9fae02', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='84d038eefa88f8101951cbb649989dd2acaee1cf7007ce3fbcfc9726dc38d4cb'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='0309f910-0fed-4c66-bb83-9e7712080697', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='b1ac8431474e835586fa6bc5717cd692aca548ea67f00e8f6a0572d9fa184eab'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='9a9a081c-fcb6-44b0-b979-4bfbe4583bfc', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='7ed3f4a3d4729b66286acc0f9ba34bb1755525067c046745c1588b88f6149d61')}, hash='e014739dd5561ff919c7cba52ce95b70e03aa8a6428d81392e668695c70f8d62', text='The performance advantage in absolute time (Fig. 12(c)) is even higher due to improved algorithm i mplementaion. 5.2 Comparison in Euclid spaces The main part of the comparison was carried out on ve ctor datasets with use of the popular K-ANNS benchmark ann-benchmark3 as a testbed. The testing system utilize s python bindings of the algorithms – it consequentially runs the K-ANN search for one thousand queries (ra ndomly extracted from the initial dataset) with preset alg orithm parameters producing an output containing recall and average time of a single search. The considered alg orithms are: 1. Baseline NSW algorithm from nmslib 1.1 (“sw-graph”). 2. FLANN 1.8.4 [6]. A popular library4 containing several algorithms, built-in in Op enCV5. We used the available auto-tuning procedure with several reruns to infer the best parameters. ', start_char_idx=3888, end_char_idx=4732, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
447
       " TextNode(id_='9a9a081c-fcb6-44b0-b979-4bfbe4583bfc', embedding=[-0.0035724446643143892, 0.02651682123541832, 0.008435877040028572, -0.005640515126287937, 0.017355430871248245, 0.010847143828868866, -0.014737890101969242, -0.005206629168242216, -0.03968987986445427, -0.04976172000169754, 0.014481826685369015, -0.009211181662976742, -0.006821253336966038, 0.010989401489496231, -0.007070204243063927, 0.017995590344071388, 0.02243402786552906, 8.050615178945009e-06, 0.010754676535725594, 0.008542570285499096, -0.02590511366724968, 0.010761789977550507, -0.023628992959856987, -0.030329326167702675, -0.005082153715193272, 0.03303221985697746, 0.02754107676446438, -0.03374350816011429, -0.0002734013833105564, -0.006942172069102526, 0.01684330403804779, -0.01830855756998062, -0.005686748772859573, 0.019162101671099663, -0.008684827946126461, -0.012874315492808819, 0.0199871975928545, -0.01957464963197708, 0.04455509036779404, 0.0026086491998285055, -0.004971904214471579, -0.005800554994493723, -0.006778575945645571, -0.009979372844099998, -0.012838751077651978, -0.0030300875660032034, 0.020698484033346176, -0.016814852133393288, 0.0036844725254923105, 0.03693008050322533, 0.026659078896045685, 0.02446831203997135, -0.01150152925401926, 0.005636958405375481, -0.0026353225111961365, 0.0026353225111961365, 0.008023330010473728, 0.02573440410196781, -0.016757948324084282, -0.015292694792151451, 0.004754961002618074, -0.009232520125806332, -0.03132513165473938, 0.008144249208271503, -0.010555515997111797, -0.03308912366628647, -0.019475068897008896, 0.010498613119125366, -0.0016697489190846682, -0.010640870779752731, 0.01170780323445797, 0.018649974837899208, -0.02418379671871662, -0.0040258909575641155, 0.047457143664360046, -0.024340279400348663, -0.017526140436530113, 0.015349597670137882, -0.0073831710033118725, 0.012774734757840633, 0.004669606685638428, -0.02426915057003498, 0.005338217597454786, 0.023842379450798035, 0.007632121909409761, 0.02896365337073803, 0.01586172543466091, 0.02027171291410923, -0.038039688020944595, -0.005832562688738108, 0.029390426352620125, 0.02680133655667305, 0.030585389584302902, -0.010313678532838821, -0.011814496479928493, 0.010555515997111797, -0.021409772336483, 0.003755601355805993, 0.01142328791320324, -0.017796428874135017, -0.014019489288330078, 0.007095099426805973, -0.012227043509483337, -0.01038480643182993, -0.00832207128405571, -0.006995518691837788, -0.005256419535726309, 0.015776371583342552, -0.005142613314092159, 0.03169500082731247, -0.006636318285018206, -0.001829788787290454, -0.004530905280262232, -0.024752827361226082, -0.014709439128637314, -0.020428195595741272, 0.027427271008491516, -0.02431182935833931, -0.003762714331969619, -0.020783839747309685, 0.025151148438453674, 0.02370012179017067, 0.015463404357433319, -0.025592148303985596, -0.003495981218293309, 0.0362187922000885, -0.0008655487326905131, -0.016857529059052467, -0.005082153715193272, -0.033629704266786575, 0.04099864885210991, 0.020542001351714134, 0.019475068897008896, 0.0010695995297282934, -0.027256561443209648, 0.03647485747933388, 0.009389003738760948, -0.020584678277373314, -0.03451170027256012, -0.027185432612895966, 0.007902410812675953, 0.039263106882572174, -0.016003983095288277, -0.02472437545657158, -0.012788960710167885, 0.03038622997701168, -0.0021374209318310022, 0.013976812362670898, 0.012312397360801697, -0.017796428874135017, -0.002140977419912815, 0.0059819333255290985, -0.007845507934689522, 0.032690804451704025, 0.010292339138686657, 0.012475994415581226, -0.007262251805514097, 0.022078383713960648, -0.010925386101007462, -0.033345188945531845, -0.023102639243006706, 0.02378547564148903, 0.004929226823151112, -0.017469236627221107, 0.016573013737797737, 0.013528700917959213, 0.017711075022816658, 0.0027420157566666603, -0.017042463645339012, -0.017995590344071388, -0.012653816491365433, 0.019347038120031357, -0.02846575155854225, -0.01148019079118967, 0.021509353071451187, -0.001466142712160945, 0.04327477142214775, 0.01513621211051941, -0.027967849746346474, -0.005992602556943893, -0.020101003348827362, 0.0014528060564771295, 0.013009459711611271, 0.015178889036178589, 0.003287929343059659, 0.01154420617967844, 0.026872465386986732, -0.014375133439898491, 0.026900917291641235, -0.027356142178177834, 0.013486023060977459, 0.012433316558599472, 0.006309126038104296, -0.0011842948151752353, -0.5940678715705872, -0.015733692795038223, 0.004015221726149321, -0.025279181078076363, 0.002985632047057152, 0.016501884907484055, 0.0097517604008317, 0.03388576582074165, -0.00101002911105752, 0.020613130182027817, -0.02573440410196781, 0.0028718258254230022, 0.006213102024048567, -0.011373497545719147, -0.017938686534762383, -0.016018208116292953, 0.017483461648225784, -0.011330819688737392, 0.019304359331727028, 0.010804466903209686, -0.0070488653145730495, 0.027484172955155373, -0.0019240344408899546, -0.017369655892252922, 0.012988121248781681, 0.018038267269730568, 0.016018208116292953, -0.03232093155384064, 0.009310761466622353, 0.005843231920152903, -0.022732768207788467, 0.01566256582736969, 0.007589444518089294, 0.028579557314515114, 0.05519596114754677, -0.011067643761634827, -0.013884344138205051, 0.013535813428461552, 0.03160964325070381, 0.03402802348136902, -0.037954334169626236, -0.03755601495504379, -0.007952201180160046, 0.012042107991874218, -0.022078383713960648, 0.010975176468491554, 0.020456647500395775, 0.005544491112232208, -0.019816488027572632, -0.027028949931263924, 0.0002425048005534336, 0.011167223565280437, -0.014865921810269356, 0.008741730824112892, -0.014965502545237541, -0.026573725044727325, 0.03593427687883377, -0.00432463176548481, 0.0034141831565648317, -0.0006423821323551238, 0.004321075510233641, 0.006415818817913532, -0.006654100492596626, -0.022007254883646965, -0.019517745822668076, 0.015918629243969917, -0.0282239131629467, 0.01640230417251587, -0.021025678142905235, -0.01810939610004425, 0.01270360592752695, 0.004239277448505163, 0.003231026465073228, -0.0007801941828802228, 0.018137848004698753, 0.04279109463095665, 0.017241625115275383, 0.0002618429425638169, -0.01802404224872589, -0.0060921828262507915, 0.001497261575423181, 0.023444056510925293, -0.012916992418467999, 0.000589480041526258, 0.03172345086932182, 0.012049221433699131, -0.04648979380726814, 0.0034746425226330757, -0.01607511192560196, -0.019105199724435806, 0.0016359627479687333, -0.005075040739029646, -0.02357208915054798, -0.0371292419731617, 0.007233800366520882, 0.018337007611989975, 0.008165587671101093, 0.0076463473960757256, 0.005402233451604843, -0.03564976155757904, -0.010968063026666641, -0.01924745738506317, 0.007575218565762043, -0.018038267269730568, 0.001477701123803854, 0.018294330686330795, -0.001496372395195067, 0.01583327353000641, 0.01872110366821289, -0.013905683532357216, 0.004989686422049999, -0.013386443257331848, -0.010690661147236824, 0.009061810560524464, -0.0013389999512583017, -0.035308342427015305, 0.04572160169482231, 0.010733338072896004, -0.014104844070971012, 0.003659577574580908, 0.03178035467863083, 0.008507005870342255, 0.002293904311954975, -0.014865921810269356, 0.016003983095288277, 0.012020769529044628, 0.00946724507957697, -0.02317376807332039, -0.0314958393573761, -0.010768902488052845, 0.02961803786456585, -0.009147165343165398, 0.010498613119125366, -0.018095171079039574, 0.027512624859809875, -0.009438794106245041, 0.009894018061459064, 0.003976100590080023, 0.01762571930885315, -0.0071448893286287785, -0.02944732829928398, 0.004648268222808838, 0.009076036512851715, -0.01863574981689453, -0.012483106926083565, 0.0023561420384794474, -0.027583753690123558, 0.007945088669657707, -0.007788605056703091, 0.0014465822605416179, -0.008414538577198982, -0.00033363859984092414, -0.02879294380545616, 0.022177964448928833, -0.00025584144168533385, -0.0028664912097156048, -0.0017675510607659817, -0.019972970709204674, -0.008265168406069279, -0.01325841061770916, -0.004082793835550547, 0.0390070416033268, -0.006440714001655579, -0.02492353692650795, -0.005195959936827421, -0.01241909060627222, 0.006878156214952469, 0.021936126053333282, 0.017440784722566605, -0.035991180688142776, -0.0013043245999142528, -0.015207340940833092, -0.02643146738409996, 0.019731132313609123, -0.010050501674413681, 0.006597197614610195, -0.009979372844099998, -0.007788605056703091, -0.0061882068403065205, -0.015449178405106068, 0.004356639925390482, 0.015634113922715187, -0.0028700476977974176, -0.011209901422262192, 0.03693008050322533, 0.003015861613675952, 0.016260046511888504, 0.012824525125324726, 0.010256774723529816, 0.00030963262543082237, 0.00430329330265522, 0.023344477638602257, -0.010548403486609459, -0.0038302866742014885, -0.0123408492654562, 0.02288925275206566, -0.0075040897354483604, -0.00460914708673954, -0.0019311473006382585, 0.0286791380494833, -0.0012767622247338295, 0.02479550428688526, -0.0027242335490882397, -0.016174692660570145, 0.005366669036448002, -0.04637598618865013, 0.015719467774033546, -0.012717831879854202, -0.0009824667358770967, 0.014780567958950996, 0.02055622823536396, -0.014154634438455105, -0.024126892909407616, -0.030528487637639046, -0.000857546750921756, 0.017611494287848473, -0.015150437131524086, 0.008713279850780964, -0.019162101671099663, 0.006565189454704523, -0.0007575218915008008, -0.006920833606272936, 0.01909097284078598, 0.0036915855016559362, -0.0022530052810907364, 0.0005543602164834738, 0.015250017866492271, 0.015079308301210403, 0.0022298882249742746, -0.014851696789264679, -0.005708087235689163, -0.00942456815391779, 0.02774023823440075, 0.0015212674625217915, 0.02843729965388775, -0.0016261824639514089, 0.03732840344309807, -0.016302723437547684, 0.008243829943239689, -0.010733338072896004, 0.010477274656295776, 0.011551319621503353, 0.009047585539519787, -0.02778291516005993, -0.003961875103414059, 0.007753040641546249, 0.03479621559381485, 0.02724233642220497, -0.0035813357681035995, 0.019119424745440483, -0.019019844010472298, 0.025421438738703728, 0.0006108186789788306, 0.017839105799794197, 0.01651610992848873, -0.025364534929394722, 0.006540294270962477, 0.010534177534282207, 0.02850842848420143, 0.03405647724866867, 0.016146240755915642, -0.014979728497564793, 0.0258624367415905, -0.006807027384638786, 0.006572302430868149, -0.06162600591778755, 0.006728786043822765, 0.00950280949473381, 0.016985561698675156, -0.014894373714923859, -0.0019418166484683752, -0.0012411978095769882, -0.008784408681094646, -0.020783839747309685, 0.013429120182991028, -0.006458496209233999, 0.020911870524287224, -0.022505156695842743, 0.029561135917901993, 0.01941816695034504, -0.03619034215807915, -0.012155914679169655, 0.015292694792151451, 0.025848211720585823, 0.001439469400793314, -0.01027811411768198, 0.0010055835591629148, 0.014097730629146099, -0.036531757563352585, -0.007016857620328665, -0.0034550821874290705, -0.0013221068074926734, 0.011700689792633057, -0.00946013256907463, -0.003540436737239361, 0.0002676221774891019, 0.020655807107686996, 0.017511913552880287, -0.006166868377476931, 0.0026637741830199957, 0.027555301785469055, -0.009061810560524464, -0.013855893164873123, -0.005473362281918526, 0.04404296353459358, -0.01342200767248869, 0.0011371718719601631, -0.01802404224872589, -0.002032505813986063, 0.0011202788446098566, 0.006415818817913532, 0.007276477757841349, 0.008357635699212551, 0.022320222109556198, 0.015378049574792385, -0.00015626111417077482, -0.006970623973757029, 0.0040685683488845825, 0.029674941673874855, 0.0011416174238547683, -0.011245465837419033, -0.029034782201051712, -0.01852194406092167, 0.031353581696748734, 0.027996301651000977, 0.02505156770348549, 0.0023934845812618732, 0.008243829943239689, -0.010071840137243271, -0.0034621949307620525, -0.03180880472064018, 0.008976456709206104, 0.013863005675375462, -0.005480475258082151, -0.017070915549993515, -0.015619887970387936, 0.015776371583342552, 0.011131659150123596, 0.047827016562223434, -0.010000711306929588, 0.0014990397030487657, -0.020613130182027817, -0.0033661711495369673, 0.007866846397519112, -0.01644498109817505, -0.015349597670137882, 0.002683334518224001, 0.0009051141678355634, -0.010797354392707348, -0.002320577623322606, 0.01618891768157482, 0.009737534448504448, -0.00323813920840621, -0.02581975981593132, 2.001887150981929e-05, 0.012269720435142517, 0.029845651239156723, 0.012732057832181454, -0.020911870524287224, 0.030215520411729813, 0.03425563871860504, 0.035422150045633316, 0.01574791967868805, -0.020172132179141045, 0.015890177339315414, -0.0038160609547048807, 0.005814780481159687, 0.01405505370348692, -0.014979728497564793, 0.008926666341722012, 0.005252862814813852, 0.02291770465672016, -0.02431182935833931, -0.02435450628399849, 0.005071484483778477, -0.01974535919725895, -0.015278469771146774, -0.01729852706193924, 0.001347001874819398, -0.008172701112926006, -0.013066363520920277, 0.009623728692531586, -0.0064940606243908405, -0.03684472665190697, 0.005540934856981039, -0.006042392924427986, -0.004370865412056446, -0.0077743795700371265, 0.0002936286327894777, -0.014766342006623745, -0.03656021133065224, -0.010740450583398342, -0.014403585344552994, 0.007016857620328665, 0.00700618838891387, -0.006867486983537674, -0.034739311784505844, 0.000781083304900676, 0.004936339799314737, 0.02129596658051014, 0.007404509466141462, -0.006821253336966038, -0.035137634724378586, 0.025037342682480812, -0.01863574981689453, -0.027996301651000977, 0.001393235637806356, -0.022092610597610474, 0.013962586410343647, -0.018166299909353256, -0.010527064092457294, -0.00946724507957697, 0.0017310974653810263, -0.018792232498526573, -0.003606230951845646, -0.011224126443266869, -0.0005579166463576257, -0.009609502740204334, 0.026203855872154236, -0.0045913648791611195, 0.021466676145792007, 0.029276620596647263, -0.0068745999597013, 0.0016564122634008527, 0.016331175342202187, 0.011949640698730946, -0.014638310298323631, -0.004047229420393705, 0.016530336812138557, 0.006508286576718092, 0.010776014998555183, -0.0012776512885466218, -0.007272921036928892, 0.005672522820532322, 0.04116935655474663, -0.007589444518089294, -0.0061455294489860535, -0.0025286292657256126, 0.029845651239156723, 0.0270431749522686, 0.023387154564261436, 0.011636674404144287, 0.018493492156267166, -0.007852621376514435, -0.01795291341841221, -0.014752116054296494, 0.005053702276200056, 0.011857173405587673, -0.0038196174427866936, 0.026502596214413643, -0.027313465252518654, -0.006878156214952469, -0.023813927546143532, -0.007095099426805973, -0.008378974162042141, 0.025976242497563362, -0.001210078946314752, -0.019731132313609123, -0.02448253706097603, -0.013777650892734528, -0.015605662018060684, -0.007553880102932453, -0.04023045673966408, -0.024582117795944214, -0.0014474713243544102, -0.021423999220132828, -0.0034159612841904163, -0.002978519070893526, -0.029959456995129585, -0.021139483898878098, -0.02345828339457512, 0.015406501479446888, 0.023017283529043198, 0.02798207476735115, 0.0011807383270934224, 0.010825805366039276, 0.0009202290093526244, -0.019389715045690536, 0.004388647619634867, -0.01180738303810358, -0.012653816491365433, 0.027100078761577606, 0.028977878391742706, 0.016544561833143234, 0.017440784722566605, 0.0028380397707223892, 0.004104132764041424, 0.02451098896563053, 0.013350878842175007, -0.003944092895835638, -0.003705811221152544, -0.00911871436983347, -0.006330464500933886, 0.0029642933513969183, 0.0390070416033268, 0.002055622637271881, 0.03243473917245865, 0.006173980887979269, 0.014040827751159668, 0.005430684890598059, 0.017156269401311874, -0.02313109114766121, 0.008656376972794533, -0.05934988334774971, -0.006031723227351904, -0.0166868194937706, -0.01933281123638153, 0.007368945050984621, -0.03422718495130539, -0.0333736389875412, 0.009573938325047493, -0.00036497972905635834, 0.020428195595741272, -0.008208265528082848, 0.03169500082731247, 0.009012021124362946, -0.007937975227832794, 0.036161888390779495, 0.0385802686214447, -0.03835265710949898, 0.014190198853611946, -0.02414111979305744, 0.00047300662845373154, 0.023444056510925293, 0.012426204048097134, 0.027555301785469055, 0.004907888360321522, 0.004779856186360121, -0.011416174471378326, 0.023557864129543304, 0.007952201180160046, -0.012895653955638409, -0.005430684890598059, 0.001202076906338334, -0.015079308301210403, -0.021594708785414696, -0.022533608600497246, 0.010591080412268639, -0.02389928139746189, 0.00504658930003643, -0.004516679793596268, 0.00472295330837369, -0.037385303527116776, -0.009694857522845268, 0.01113877259194851, 0.01095383707433939, 0.04833914339542389, -0.007603670470416546, 0.026972046121954918, 0.03394266963005066, -0.004616260062903166, -0.023187993094325066, 0.01647343300282955, 0.00803755596280098, 0.0007130663725547493, 0.03180880472064018, 0.03516608476638794, -0.046973470598459244, -0.03903549164533615, 0.010271000675857067, 0.00028851625393144786, 0.0009513478726148605, -0.03789743408560753, 0.02431182935833931, 0.035678211599588394, 0.008791521191596985, -0.023913508281111717, -0.004986129701137543, -0.025890888646245003, 0.03499537706375122, 0.002224553609266877, 0.010335016995668411, 0.011629560962319374, -0.006262891925871372, -0.005754320882260799, 0.02271854318678379, 0.001497261575423181, 0.04506721720099449, 0.011209901422262192, -0.024539440870285034, 0.018621522933244705, -0.0010918272892013192, -0.00559783773496747, 0.013798990286886692, -0.017696848139166832, 0.04023045673966408, -0.008620812557637691, -0.006241553463041782, 0.031638097018003464, 0.019432391971349716, 0.0004283288144506514, 0.011494416743516922, 0.020670033991336823, 0.03732840344309807, -0.020101003348827362, -0.018365459516644478, -0.0021267514675855637, -0.009886905550956726, 0.03158119320869446, 0.0015594993019476533, -0.01113877259194851, -0.009367665275931358, -0.002101856516674161, -0.019631553441286087, 0.02476705238223076, -0.006223771255463362, 0.021964577957987785, 0.01893449015915394, -0.013692297041416168, -0.012568461708724499, -0.03821039944887161, -0.007326267659664154, 0.0026246532797813416, -0.04483960568904877, -0.016573013737797737, -0.004918557591736317, -0.011658012866973877, 0.00040610108408145607, 0.01655878871679306, -0.03707233816385269, 0.0218649972230196, 0.02173696644604206, -0.02488086000084877, 0.005992602556943893, 0.03206486999988556, 0.023842379450798035, -0.05024539306759834, -0.005082153715193272, -0.00733338063582778, -0.01924745738506317, 0.0274983998388052, -0.02594779059290886, -0.033259835094213486, -0.009822889231145382, 0.004029447212815285, 0.021978802978992462, 0.02385660447180271, -0.0016208478482440114, 0.009588164277374744, 0.0012083007022738457, 0.0036453516222536564, -0.016530336812138557, -0.027925172820687294, 0.03932000696659088, -0.016060886904597282, 0.008599474094808102, 0.020499324426054955, -0.008108684793114662, 0.02717120759189129, -0.026872465386986732, 0.0027313465252518654, -0.005459136329591274, -0.04859520494937897, -0.022462479770183563, 0.0016901984345167875, 0.01119567546993494, -0.004506010562181473, -0.009566825814545155, -0.013891457580029964, -0.00046900560846552253, -0.024283377453684807, 0.020328614860773087, -0.005683192051947117, -0.028010526672005653, 0.012732057832181454, 0.012540009804069996, -0.012653816491365433, -0.011345045641064644, -0.021025678142905235, 0.005270645022392273, 0.003954762127250433, 0.000861103180795908, -0.04074258357286453, -0.014211537316441536, 0.015164663083851337, 0.04495340958237648, 0.02660217694938183, -0.022405575960874557, -0.021594708785414696, -0.006963510997593403, -0.04731488600373268, -0.019816488027572632, -0.011572658084332943, -0.0009637954062782228, 0.00889110192656517, 0.019261682406067848, -0.0011078312527388334, 0.02647414430975914, -0.009211181662976742, 0.003495981218293309, -0.003968987613916397, -0.019162101671099663, -0.005604950711131096, 0.019019844010472298, -0.004520236048847437, 0.01145885232836008, -0.05038765072822571, 0.0007606337312608957, -0.0071022119373083115, 0.005128387361764908, -0.023757023736834526, 0.004118358250707388, -0.025563696399331093, -0.005523152649402618, -0.017881784588098526, -0.0022601180244237185, -0.016999786719679832, -0.008642151020467281, -0.006789245177060366, -0.024240700528025627, -0.006835478823632002, 0.010896934196352959, 0.0017977807438001037, -0.005654740612953901, 0.0014474713243544102, -0.004555800464004278, -0.008748844265937805, -0.005718756467103958, -0.020826516672968864, -0.02333025075495243, 0.018408136442303658, -0.00980866327881813, 0.02031438983976841, 0.011224126443266869, 0.006782132666558027, 0.052322354167699814, -0.019759584218263626, 0.0043530832044780254, -0.0016164022963494062, -0.000673500937409699, -0.02811010740697384, 0.0019738245755434036, 0.010292339138686657, -0.007454299833625555, 0.006479835137724876, -0.0045486874878406525, 0.004246390424668789, -0.011209901422262192, -0.011337933130562305, 0.008684827946126461, -0.019802261143922806, -0.005003911908715963, 0.012127462774515152, 0.0002842929679900408, -0.011665125377476215, -0.018906038254499435, -0.008492780849337578, -0.011693577282130718, 0.008386087603867054, 0.00038187281461432576, -0.0049825734458863735, -0.022690091282129288, 0.016132015734910965, 0.0041468096897006035, 0.0052742017433047295, -0.013912796042859554, 0.0052208551205694675, 0.010946724563837051, -0.013030799105763435, 0.01407639216631651, 0.20485098659992218, -0.013059250079095364, 0.026260757818818092, 0.02247670479118824, 0.010455935262143612, -0.006113521754741669, 0.027014723047614098, -0.0027509068604558706, 0.012781848199665546, 0.002875382313504815, -0.003019418101757765, 0.010519951581954956, -0.011665125377476215, -0.005295540206134319, 0.032463189214468, -0.02446831203997135, -0.04555089399218559, -0.043587736785411835, -0.037299949675798416, -0.006358915939927101, -0.021680062636733055, -0.011252578347921371, -0.02933352254331112, -0.03180880472064018, 0.009630841203033924, -0.026047371327877045, -0.0333736389875412, -0.016260046511888504, 0.01778220385313034, 0.005053702276200056, -0.024084215983748436, -0.010562628507614136, 0.018223201856017113, -0.0003894302644766867, -0.008635038509964943, -0.022818123921751976, 0.032690804451704025, 0.011722028255462646, 0.009182729758322239, 0.027014723047614098, -0.021196385845541954, -0.043673090636730194, 0.022163739427924156, 0.011096094734966755, 0.005796998273581266, 0.00034252970363013446, -0.005338217597454786, 0.015079308301210403, -0.0032737036235630512, 0.00041588128078728914, -0.03172345086932182, -0.006906607653945684, 0.041140906512737274, 0.03291841596364975, -0.017284302040934563, -0.006522512063384056, -0.02129596658051014, 0.031154420226812363, 0.0008166477200575173, -0.00031229996238835156, -0.016430756077170372, 0.007461412809789181, 0.024909310042858124, 0.014865921810269356, -0.006053062155842781, 0.02389928139746189, -0.024055764079093933, -0.001711537130177021, 0.0023259122390300035, 0.0007499644416384399, 0.006053062155842781, -0.01027811411768198, -0.0019044739892706275, 0.005843231920152903, -0.048396043479442596, -0.02387082949280739, 0.033259835094213486, 0.006949285045266151, 0.010477274656295776, 0.04099864885210991, -0.006963510997593403, 0.013720748014748096, -0.003762714331969619, 0.011914076283574104, -0.024013087153434753, -0.061739809811115265, -0.00343729997985065, -0.0018493491224944592, -0.019759584218263626, -0.02525072917342186, -0.014005263336002827, 0.02007255144417286, -0.008087346330285072, -0.011032079346477985, 0.020044099539518356, 0.0053844512440264225, 0.023102639243006706, 0.0022370012011379004, -0.011010740883648396, 0.016416531056165695, -0.02219218946993351, 0.03195106238126755, 0.025791307911276817, -0.0025553025770932436, -0.021808095276355743, -0.006572302430868149, -0.008336297236382961, 0.010448822751641273, 0.016174692660570145, 0.018578846007585526, -0.007141333073377609, -0.034483250230550766, -0.01154420617967844, -0.003479977138340473, 0.0052742017433047295, 0.02512269653379917, 0.005192403215914965, -0.00801621749997139, -0.006270004902034998, -0.013464684598147869, 0.012518671341240406, -0.009275197051465511, 0.008812859654426575, 0.02435450628399849, -0.008492780849337578, 0.025321858003735542, -0.011345045641064644, 0.00012703161337412894, -0.006213102024048567, -0.036076534539461136, 0.029646489769220352, -0.016900205984711647, 0.008734618313610554, -0.005519595928490162, -0.005761433858424425, -0.007838395424187183, -0.029646489769220352, -0.0006650544237345457, -0.014140408486127853, -0.016103563830256462, -0.0033021552953869104, -0.019147876650094986, 0.010740450583398342, 0.016089336946606636, -0.011110320687294006, -0.005217298399657011, 0.0010998293291777372, 0.024254925549030304, 0.007952201180160046, -0.03200796619057655, 0.0033661711495369673, -0.023913508281111717, 0.009794437326490879, -0.0015701685333624482, 0.02479550428688526, -0.009851341135799885, -0.0075040897354483604, -0.04802617430686951, -0.00222811009734869, 0.0045806956477463245, -0.02721388451755047, 0.0014536951202899218, 0.037299949675798416, 0.004751404747366905, -0.01616046577692032, -0.01293121837079525, -0.18277260661125183, 0.01631695032119751, 0.02647414430975914, -0.031922612339258194, 0.007987765595316887, 0.026218080893158913, 0.01036346796900034, -0.0072978162206709385, 0.003472864395007491, -0.014026601798832417, 0.014880147762596607, -0.008499893359839916, 0.01983071304857731, -0.017099367454648018, 0.005686748772859573, 0.016217369586229324, 0.017753751948475838, -0.00022249981702771038, 0.022405575960874557, 0.00977309886366129, 0.0015879507409408689, -0.023557864129543304, 0.0003589782281778753, 0.01640230417251587, -0.025364534929394722, 0.019076747819781303, -0.02035706676542759, 0.004228608217090368, -0.026872465386986732, -0.004420655779540539, 0.014446262270212173, -0.012355075217783451, 0.005057258531451225, -0.009026246145367622, 0.0030247527174651623, 0.019190553575754166, -0.00946724507957697, -0.0032168005127459764, 0.006358915939927101, 0.045010313391685486, 0.026303434744477272, 0.021722739562392235, 0.025563696399331093, 0.010199871845543385, -0.019233230501413345, 0.0037804965395480394, 0.013429120182991028, -0.011579770594835281, -0.007568106055259705, -0.02313109114766121, -0.01260402612388134, -0.009915356524288654, 0.042193613946437836, 0.0008975567179732025, 0.008151361718773842, 0.019802261143922806, 0.03877943009138107, 0.027114303782582283, 0.02125328965485096, -0.017981363460421562, -0.030073262751102448, -0.01795291341841221, 0.01262536458671093, -0.012540009804069996, -0.003430187003687024, -0.03704388812184334, -0.03812504559755325, 0.015890177339315414, -0.01892026513814926, -0.003101216396316886, -0.018365459516644478, -0.025193825364112854, 0.01175048016011715, 0.001683974638581276, 0.020001422613859177, 0.001852905610576272, -0.006234440486878157, 0.0017871115123853087, 0.004328188486397266, 0.016132015734910965, -0.002052066382020712, 0.03940536454319954, 0.011778932064771652, -0.006309126038104296, 0.010007823817431927, -0.019517745822668076, -0.027256561443209648, -0.01095383707433939, -0.0004034337471239269, -0.00022561171499546617, 0.018834909424185753, -0.0041361404582858086, -0.001140728360041976, -0.01566256582736969, 0.01921900548040867, -0.008144249208271503, 0.003663133829832077, -0.009595276787877083, 0.003111885627731681, -0.012490219436585903, -0.004125471226871014, 0.0038160609547048807, -0.024752827361226082, -0.003343054326251149, 0.0583256259560585, 0.010939612053334713, -0.003383953357115388, -0.009026246145367622, 0.02059890516102314, -0.021196385845541954, -0.00801621749997139, 0.018180524930357933, 0.0199871975928545, -0.012653816491365433, -0.011608222499489784, 0.03018706850707531, 0.009083149954676628, -0.04031581059098244, 0.020741162821650505, -0.003702254733070731, 0.04034426435828209, 0.00980866327881813, -0.009168503805994987, -0.004321075510233641, 0.01142328791320324, 0.00042699516052380204, -0.08592360466718674, 0.008727505803108215, 0.019489295780658722, 0.014168859459459782, -0.04535173252224922, 0.012305284850299358, 0.0012563127093017101, 0.014837470836937428, -0.014453374780714512, 0.035962726920843124, 0.002606871072202921, -0.006999075412750244, -0.01635962724685669, -0.004602034110575914, 0.0036915855016559362, -0.010491499677300453, 0.005679635796695948, -0.02879294380545616, 0.001803115475922823, 0.022505156695842743, 0.004356639925390482, -0.010904047638177872, 0.0031438935548067093, 0.0015443844022229314, 0.0003565331862773746, 0.006373141892254353, -0.028408847749233246, 0.024909310042858124, 0.018052492290735245, -0.0008695497526787221, 0.004047229420393705, -0.034739311784505844, 0.000757966423407197, -0.028522655367851257, 0.0013532256707549095, -0.008329183794558048, -0.02435450628399849, 0.0012118571903556585, 0.025592148303985596, -0.03641795367002487, 0.01231951080262661, 0.008556796237826347, 0.03200796619057655, -0.013898570090532303, -0.020300162956118584, 0.00019904953660443425, -0.04119781032204628, 0.036446403712034225, -0.008471441455185413, -0.02076961286365986, -0.004882993176579475, -0.027583753690123558, -0.00689238216727972, 0.00139412481803447, 0.029390426352620125, -0.01766839809715748, 0.009552599862217903, 0.009573938325047493, -0.02385660447180271, 0.007304929196834564, -0.022903477773070335, -0.009588164277374744, -0.02479550428688526, 0.019119424745440483, 0.018820684403181076, 0.010562628507614136, -0.016786400228738785, -0.019759584218263626, 0.009204068221151829, 0.0058183372020721436, -0.018365459516644478, 0.022732768207788467, -0.01439647190272808, 0.020485099405050278, -0.02721388451755047, -0.013841667212545872, -0.028949426487088203, -0.029987908899784088, -0.002204993274062872, 0.002564193680882454, -0.016046660020947456, -0.025762856006622314, -0.02173696644604206, 0.001806671847589314, 0.010484387166798115, -0.018465040251612663, -0.020869193598628044, 0.014823244884610176, 0.007980653084814548, -0.04577850550413132, 0.029418878257274628, 0.010306565091013908, 0.004562913440167904, -0.011252578347921371, -0.005099935922771692, 0.03055693954229355, -0.0011727362871170044, -0.002244114177301526, 0.0006979514728300273, -0.0024663915392011404, -0.043417029082775116, 0.0017133152578026056, -0.08689095824956894, 0.022789672017097473, 0.0068959384225308895, -0.0060921828262507915, 0.0046660504303872585, -0.007077317219227552, 0.01647343300282955, 0.004637598525732756, -0.013308200985193253, -0.011060530319809914, -0.026872465386986732, 0.005658297333866358, -0.020456647500395775, 0.002085852436721325, 0.009929582476615906, -0.01431823056191206, 0.022533608600497246, -0.007966427132487297, 0.020584678277373314, 0.0097517604008317, 0.013891457580029964, 0.007525428663939238, 0.016459207981824875, 0.025307632982730865, -0.00672167306765914, -0.014503165148198605, -0.015605662018060684, 0.00706664752215147, -0.011252578347921371, 0.022775446996092796, 0.016829077154397964, -0.04967636242508888, -0.009310761466622353, -0.0026619958225637674, -0.0017435450572520494, -0.013955472968518734, 0.004498897586017847, -0.005085710436105728, -0.008201152086257935, 0.03755601495504379, -0.04648979380726814, -0.0121132368221879, -0.016672594472765923, -0.009758872911334038, -0.001657301327213645, 0.0038231736980378628, 0.02830926887691021, 0.017654171213507652, 0.011679351329803467, -0.008023330010473728, 0.05226545408368111, 0.01377053838223219, -0.022462479770183563, -0.06247955188155174, -0.013976812362670898, -0.00046144818770699203, 0.0022618963848799467, -0.006124190986156464, -0.0009477914427407086, -0.016245821490883827, 0.046034567058086395, 0.005722313188016415, 0.04432747885584831, 0.008051781915128231, 0.0031136637553572655, -0.00027873602812178433, -0.0013194394996389747, -0.005320435389876366, 0.0019507077522575855, -0.01929013431072235, -0.002244114177301526, -0.0018671313300728798, 0.00830073282122612, 0.02182232029736042, 0.010206985287368298, -0.012006543576717377, -0.01795291341841221, 0.020413970574736595, -0.039632976055145264, 0.0013772316742688417, 0.04731488600373268, -0.007632121909409761, -0.005057258531451225, 0.021566256880760193, 0.02084074169397354, -0.007802831009030342, -0.014197311364114285, 0.011928302235901356, 0.017469236627221107, 0.010406145825982094, -0.01618891768157482, 0.004918557591736317, 0.006920833606272936, -0.0041219149716198444, -0.013514474965631962, 0.0286791380494833, -0.028209688141942024, 0.025876661762595177, 0.03112596832215786, 0.025193825364112854, 0.00485454173758626, 0.002155203139409423, -0.012333736754953861, -0.019930293783545494, -0.026090048253536224, -0.0045806956477463245, -0.0251653753221035, 0.004399317316710949, 0.009837115183472633, -0.01401237677782774, 0.006917277351021767, 0.008265168406069279, -0.027882495895028114, 0.01852194406092167, -0.03425563871860504, -0.005843231920152903, 0.008087346330285072, -0.02317376807332039, -0.029589585959911346, 0.036076534539461136, -0.00035697774728760123, 0.008542570285499096, 0.021637385711073875, 0.005551604088395834, 0.0230457354336977, 0.003936979919672012, 0.010263888165354729, -0.00915427878499031, 0.010904047638177872, -0.04569315165281296, -0.014062166213989258, -0.00944590661674738, -0.014581406489014626, 0.005850344896316528, -0.02529340609908104, -0.01001493725925684, -0.0050679282285273075, -0.006920833606272936, -0.014261327683925629, 0.09002062678337097, 0.03217867389321327, -0.007248026318848133, 0.004011665005236864, -0.04296180233359337, -0.0061704246327281, 0.034938473254442215, -0.007667686324566603, -0.016217369586229324, -0.023728571832180023, -0.025094246491789818, -0.001125613460317254, -0.0005583611782640219, -0.024013087153434753, -0.0014234654372557998, -0.009012021124362946, -0.027711786329746246, 0.017810655757784843, 0.017383882775902748, 0.02076961286365986, 0.006163311656564474, 0.009581050835549831, 0.014474713243544102, 0.009744647890329361, -0.009894018061459064, -0.018977167084813118, 0.020257486030459404, -0.020086776465177536, 0.030983710661530495, -0.0371292419731617, 0.008414538577198982, 0.01852194406092167, -0.022860800847411156, -0.013870119117200375, -0.01111743412911892, -0.005718756467103958, -0.014567181468009949, 0.0027686890680342913, 0.03442634642124176, 0.00010335905972169712, 0.021978802978992462, 0.003972544334828854, 0.00018771339091472328, -0.009253858588635921, 0.011373497545719147, -0.00923963263630867, -0.018621522933244705, -0.0034319653641432524, -0.027071626856923103], metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='07277394-c79f-41da-8f0a-c1a52f9fae02', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='84d038eefa88f8101951cbb649989dd2acaee1cf7007ce3fbcfc9726dc38d4cb'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='0acfda72-f820-47c8-84ea-5afeab7d8a6a', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='babce99b4e9b7522bb0b2e1eea50733d61e51ca846dd2bb307fb828f7ab6b1b2'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='190a4e69-a4b6-4e49-8752-3f4addccbe64', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='11050f0b790715066368347f720eca13da117c4c6ef1dcf77f90ebe56d300c89')}, hash='c958f6b67ce8bfbe75c0c95cc8afa804287b93c7fe7acbe172b2177b3b8f7a52', text='3. Annoy6, 02.02.2016 build. A popular algorithm 3 https://github.com/erikbern/ann-benchmarks 4 https://github.com/mariusmuja/flann 5 https://github.com/opencv/opencv 6 https://github.com/spotify/annoy ', start_char_idx=4732, end_char_idx=4934, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
448
       " TextNode(id_='190a4e69-a4b6-4e49-8752-3f4addccbe64', embedding=[-0.008552893996238708, 0.011923073790967464, -0.011087608523666859, -0.0062376647256314754, 0.011654025875031948, 0.02449752576649189, -0.011689426377415657, -0.00059208256425336, -0.03404165059328079, -0.03939428925514221, 0.011384977959096432, 0.009777769446372986, -0.0027506614569574594, 0.01011762022972107, -0.005388039629906416, 0.00827676523476839, 0.016765937209129333, -0.002455062698572874, 0.0033383190166205168, -0.0006907630013301969, -0.03188926726579666, 0.011526581831276417, -0.01760140247642994, -0.029878485947847366, 0.002881645457819104, 0.029680240899324417, 0.03602410852909088, -0.021382233127951622, 0.002224955940619111, -0.006765140686184168, 0.007639546412974596, -0.01679425872862339, -0.005349098704755306, -0.0030338698998093605, 0.00403571967035532, -0.011576143093407154, 0.017813807353377342, -0.027641139924526215, 0.03874290734529495, -0.0021453036461025476, -0.0016319884452968836, -0.011144250631332397, -0.006071280222386122, -0.00959368422627449, -0.004095901269465685, -0.005023409146815538, 0.03002008982002735, -0.02510642446577549, -0.008326326496899128, 0.03540105000138283, 0.02075917460024357, 0.023180607706308365, -0.0158171895891428, -0.00041242223232984543, -0.011590303853154182, -0.00018939562141895294, 0.00837588869035244, 0.015590622089803219, -0.009614924900233746, -0.025177227333188057, 0.01218504086136818, -0.016737615689635277, -0.021991131827235222, 0.013183350674808025, -0.019215689972043037, -0.04310431703925133, -0.01748811826109886, 0.013275393284857273, 0.00020433042664080858, -0.011887672357261181, 0.008177642710506916, 0.017346514388918877, -0.0245400071144104, 0.00022114593593869358, 0.03857298195362091, -0.020433485507965088, -0.008652016520500183, 0.002026710193604231, -0.013912612572312355, 0.011406218633055687, -0.003032099921256304, -0.03225743770599365, -0.004301227629184723, 0.02243010513484478, 0.001046986086294055, 0.010634475387632847, 0.015533980913460255, 0.019003283232450485, -0.04149002954363823, -0.008298005908727646, 0.04202812537550926, 0.034211575984954834, 0.030473222956061363, -0.017870450392365456, -0.010273384861648083, 0.015010044910013676, -0.00908390898257494, 0.012666495516896248, 0.01405421644449234, -0.02976520173251629, -0.012170881032943726, 0.013176270760595798, -0.007462541107088327, -0.009090989828109741, -0.00044184934813529253, 0.0027595118153840303, -0.004906585440039635, 0.01751643978059292, -0.0018373144557699561, 0.024185996502637863, -0.012170881032943726, 0.0011222133180126548, -0.006566894706338644, -0.015307413414120674, -0.006127921864390373, -0.024724092334508896, 0.025502916425466537, -0.012177960947155952, -0.005950916558504105, -0.006846562959253788, 0.027315450832247734, 0.008142241276800632, 0.016737615689635277, -0.030105052515864372, 0.002901115920394659, 0.02466745115816593, -0.0019877690356224775, -0.02863236889243126, 0.004407430533319712, -0.032229114323854446, 0.039847422391176224, 0.023676222190260887, 0.012539051473140717, 0.005320777650922537, -0.0332486666738987, 0.036080751568078995, 0.005062350071966648, -0.018394384533166885, -0.037213582545518875, -0.02774026244878769, 0.011200891807675362, 0.0352877676486969, -0.00426936661824584, -0.017997894436120987, -0.009119310416281223, 0.02680567465722561, -0.0006102256011217833, 0.019541379064321518, 0.0061491625383496284, -0.02116982825100422, 0.0006292536854743958, 0.013841810636222363, 0.003120602574199438, 0.023619581013917923, 0.01716242916882038, 0.01020258292555809, -0.003901195712387562, 0.02165128104388714, -0.016638493165373802, -0.04233965650200844, -0.01801205426454544, 0.014422387816011906, 0.00586241390556097, -0.015434857457876205, 0.009105149656534195, 0.029227105900645256, 0.014386986382305622, 0.009013107046484947, -0.017573080956935883, -0.02116982825100422, -0.008531653322279453, 0.021099025383591652, -0.035259444266557693, -0.010252144187688828, 0.010634475387632847, -0.011179651133716106, 0.04480356723070145, 0.015548140741884708, -0.025885246694087982, -0.0051189917139709, -0.00581993255764246, 0.00660229567438364, 0.0023223089519888163, 0.014047136530280113, -0.0034870035015046597, 0.00819180253893137, 0.023789504542946815, -0.011675266548991203, 0.01638360507786274, -0.025701161473989487, 0.011392057873308659, 0.015505659393966198, 0.015633104369044304, 0.012425768189132214, -0.6244179010391235, -0.018805038183927536, 0.0016638493398204446, -0.02895805798470974, -0.00149303930811584, 0.022727474570274353, 0.009289235807955265, 0.02965191937983036, 0.0024338222574442625, 0.03200254961848259, -0.029991770163178444, 0.009905213490128517, 0.0060110981576144695, -0.005713729187846184, -0.022727474570274353, -0.01779964752495289, 0.0012903682654723525, -0.016935862600803375, 0.01415333990007639, 0.00880070123821497, -0.012871821410953999, 0.034579746425151825, -0.006598755717277527, -0.009827331639826298, -0.0005376534536480904, 0.014811798930168152, 0.03707198053598404, -0.03537273034453392, 0.004609216470271349, 0.011030967347323895, -0.02734377048909664, 0.0219061691313982, 0.010613234713673592, 0.022175217047333717, 0.05511235445737839, -0.016086237505078316, -0.01594463363289833, 0.011399137787520885, 0.015633104369044304, 0.029453672468662262, -0.03797824680805206, -0.027669459581375122, 0.003251586342230439, 0.005448221694678068, -0.0198670681566, 0.015052526257932186, 0.01768636517226696, 0.005111911799758673, -0.015194130130112171, -0.02645166404545307, -0.00624474510550499, 0.00586241390556097, -0.01897496171295643, 0.0011230983072891831, -0.008467931300401688, -0.012624014168977737, 0.026395022869110107, -0.011915992945432663, 0.005292457062751055, 0.007051889318972826, 0.011455779895186424, -0.0037808320485055447, -0.009253834374248981, -0.009961855597794056, -0.010209662839770317, 0.018266942352056503, -0.015137488953769207, 0.018309423699975014, -0.005030489061027765, -0.029255427420139313, 0.023053163662552834, 0.0152082908898592, -0.0020072394981980324, -0.0048110028728842735, 0.009133471176028252, 0.02774026244878769, 0.024936499074101448, 0.0005562389851547778, -0.03013337403535843, -0.005295997019857168, 0.005462381988763809, 0.01966882310807705, -0.012390367686748505, -0.013516120612621307, 0.02502146176993847, 0.009579524397850037, -0.04129178449511528, 0.0062376647256314754, -0.012319564819335938, -0.0076041454449296, 0.003936596680432558, -0.007497942540794611, -0.026791514828801155, -0.03370179980993271, -0.004393270239233971, 0.005455301608890295, 0.014365745708346367, 0.007037728559225798, 0.00969280768185854, -0.03480631113052368, -0.008382968604564667, -0.01082564052194357, 0.011887672357261181, -0.026295900344848633, -0.003819773206487298, 0.01727571152150631, -0.001114248065277934, -0.0002991388610098511, 0.015024205669760704, -0.008163481950759888, 0.015604782849550247, -0.007356338202953339, -0.020419325679540634, 0.02077333629131317, -0.009395438246428967, -0.031181244179606438, 0.045851439237594604, 0.01755892112851143, -0.025531236082315445, 0.0102379834279418, 0.03174766153097153, 0.008050198666751385, 0.0017063305713236332, -0.0048322430811822414, 0.009204273112118244, 0.006719119381159544, 0.015165809541940689, -0.03188926726579666, -0.02810843288898468, 0.003071041079238057, 0.023619581013917923, -0.004566735588014126, 0.02097158133983612, -0.021637121215462685, 0.014139179140329361, -0.01342407800257206, 0.008694497868418694, 0.006644777022302151, 0.0073634181171655655, -0.0031453832052648067, -0.03576922044157982, 0.016284482553601265, 0.007965235970914364, -0.03426821529865265, -0.009090989828109741, -0.008715738542377949, -0.029057182371616364, 0.011200891807675362, -0.02177872508764267, -0.010358347557485104, -0.02332221157848835, -0.007894434034824371, -0.03390004485845566, 0.005522563587874174, -0.0018390845507383347, -0.007342177908867598, -0.0024922338780015707, -0.025687001645565033, -0.005246435757726431, -0.02056092955172062, 0.0031860945746302605, 0.0433875247836113, -0.02112734690308571, -0.020660052075982094, -0.004347248934209347, -0.005827012937515974, 0.007533343508839607, 0.02186368778347969, 0.02965191937983036, -0.03381508216261864, 0.0010779619915410876, -0.018705913797020912, -0.03183262422680855, 0.018606791272759438, -0.015052526257932186, -0.004980927798897028, 0.011703587137162685, -0.0004524696560110897, -0.0014045366551727057, -0.014939242973923683, 0.005968616809695959, 0.015689745545387268, 0.006850102916359901, -0.015378216281533241, 0.02656494826078415, -0.002571886172518134, 0.007979396730661392, 0.00737049849703908, 0.003140073036774993, 0.0039401366375386715, 0.000898301659617573, 0.033163703978061676, -0.009636165574193, 0.013990494422614574, -0.017063306644558907, 0.015477338805794716, -0.0012549671810120344, 0.005182713735848665, -0.013459479436278343, 0.026876477524638176, 0.0018408545292913914, 0.011646945029497147, 0.0020532608032226562, -0.023633740842342377, 0.014372826553881168, -0.04103689640760422, 0.005543804261833429, -0.021070703864097595, 3.404585368116386e-05, 0.0041313027031719685, 0.02105654403567314, -0.0198670681566, -0.02384614758193493, -0.020589251071214676, 0.0014505579601973295, 0.021099025383591652, -0.012871821410953999, 0.012199201621115208, -0.02262835018336773, 0.01779964752495289, -0.0001293244567932561, -0.00965032633394003, 0.02437008172273636, 0.002554185688495636, -0.003347169142216444, -0.006800541654229164, 0.020093636587262154, 0.020107796415686607, 0.007823632098734379, -0.009614924900233746, -0.0009425529278814793, -0.0044251312501728535, 0.024469206109642982, 0.015533980913460255, 0.028419962152838707, -0.007490862160921097, 0.04355745017528534, -0.022812437266111374, 0.01219212170690298, -0.0029984689317643642, 0.010698197409510612, 0.01666681468486786, 0.008928144350647926, -0.029312068596482277, 0.003122372552752495, 0.002504624193534255, 0.028816454112529755, 0.009664486162364483, -0.002090431982651353, 0.015647264197468758, -0.00807143934071064, 0.04072536900639534, 0.011646945029497147, 0.008850262500345707, 0.020745014771819115, -0.015378216281533241, 0.009452080354094505, 0.020306041464209557, 0.030105052515864372, 0.04440707713365555, 0.007922754622995853, -0.009827331639826298, 0.021679602563381195, -0.00950872153043747, 0.011271693743765354, -0.056641679257154465, -0.0010965474648401141, 0.01942809671163559, 0.01372852735221386, -0.013948014006018639, 0.002694019814953208, 0.0024426723830401897, 0.0031453832052648067, -0.01873423531651497, 0.009926454164087772, 0.002741811331361532, 0.016326963901519775, -0.024794895201921463, 0.012298325076699257, 0.014025895856320858, -0.04760733246803284, -0.007823632098734379, 0.010223823599517345, 0.02136807329952717, 0.002819693647325039, -0.00022391164384316653, 0.008694497868418694, 0.009098069742321968, -0.044633641839027405, -0.0064571513794362545, 0.012135479599237442, -0.0038268533535301685, 0.009352956898510456, -0.013919692486524582, -0.00030577657162211835, -0.00652087340131402, 0.023393014445900917, 0.00947332102805376, 0.005657087545841932, 0.002076271455734968, 0.020093636587262154, -0.0009664486278779805, -0.007653706707060337, 0.0034746129531413317, 0.04689931124448776, -0.013940933160483837, -0.006389889400452375, -0.020674213767051697, 0.018592631444334984, 0.006400509737432003, 0.009289235807955265, -0.0013532050652429461, 0.00141692697070539, 0.011809790506958961, 0.014995885081589222, -0.0010027347598224878, -0.004580895882099867, 0.01573222689330578, 0.044265471398830414, -0.006156242452561855, -0.012857661582529545, -0.021934490650892258, -0.010613234713673592, 0.03591082617640495, 0.02547459490597248, 0.03452310338616371, -0.0008354647434316576, 0.01311962865293026, -0.010521192103624344, -0.009926454164087772, -0.03067146986722946, 0.00032679594005458057, 0.010188422165811062, 0.003922436386346817, -0.014500269666314125, -0.01975378580391407, 0.013905532658100128, 0.006952766329050064, 0.038233134895563126, -0.0039790780283510685, -0.002178934635594487, -0.029453672468662262, -0.010818560607731342, 0.0058588734827935696, -0.021934490650892258, -0.011278774589300156, 0.012177960947155952, 0.006743900012224913, -0.00874405913054943, -0.011937233619391918, 0.035231124609708786, 0.004474692512303591, 0.009883972816169262, -0.02875981293618679, -0.013686046004295349, 0.00477560143917799, 0.022118575870990753, 0.01590215228497982, -0.012461169622838497, 0.02141055464744568, 0.020787496119737625, 0.018521828576922417, 0.009664486162364483, -0.004357869271188974, 0.015604782849550247, 0.014698515646159649, 0.007674947381019592, 0.017757166177034378, -0.0024922338780015707, -0.00039604923222213984, 0.004931366071105003, 0.01401173509657383, -0.014132099226117134, -0.01760140247642994, 0.011668185703456402, -0.011045127175748348, -0.013820569962263107, -0.01881919801235199, -0.005317237693816423, -0.002201945288106799, -0.002959527773782611, 0.002221415750682354, -0.0032091052271425724, -0.029708560556173325, 0.002201945288106799, -0.010181342251598835, 0.00802895799279213, -0.001160269370302558, 0.0002694904978852719, -0.01877671666443348, -0.03619403392076492, -0.010662795975804329, -0.011654025875031948, 0.0011584993917495012, 0.011923073790967464, -0.006850102916359901, -0.024639129638671875, -0.01109468936920166, 0.005469462368637323, 0.017304033041000366, 0.0056641679257154465, 0.0024568329099565744, -0.029425352811813354, 0.02056092955172062, -0.028816454112529755, -0.02547459490597248, -0.004195024259388447, -0.01614287868142128, 0.0024444423615932465, -0.010358347557485104, -0.017346514388918877, -0.0092255137860775, 0.003720650216564536, -0.012100079096853733, -0.011087608523666859, -0.0035082439426332712, 0.0016355285188183188, -0.007328017149120569, 0.019130727276206017, -0.006931525655090809, 0.017289873212575912, 0.028363320976495743, 0.008432529866695404, -0.001804568455554545, 0.005409280303865671, 0.010514112189412117, -0.008765299804508686, -0.004410970956087112, 0.024327602237462997, 0.007533343508839607, 0.0023258489090949297, 0.007034188602119684, -0.0029347469098865986, -0.011838111095130444, 0.037496790289878845, -0.012319564819335938, 0.00950872153043747, -0.0010646865703165531, 0.02255754917860031, 0.03848802298307419, 0.021467195823788643, 0.009671567007899284, 0.014245382510125637, -0.012992185540497303, -0.017261551693081856, -0.005426981020718813, 0.01016010157763958, 0.015279092825949192, -0.009175952523946762, 0.03154941648244858, -0.024709932506084442, -0.010351266711950302, -0.013431157916784286, -0.004456992261111736, -0.020291881635785103, 0.016581851989030838, 0.008567053824663162, -0.015095007605850697, -0.0348912738263607, -0.011370817199349403, -0.008198883384466171, -0.001031940570101142, -0.04024391248822212, -0.016355285421013832, 0.0064429910853505135, -0.01816781796514988, 0.0035277146380394697, 0.002154153771698475, -0.03273889049887657, -0.017629722133278847, -0.02032020315527916, 0.01736067421734333, 0.030756432563066483, 0.025248028337955475, -0.005618146620690823, 0.009756529703736305, 0.006782840937376022, -0.015491499565541744, -0.01629864238202572, -0.014139179140329361, -0.0059969378635287285, 0.03106796182692051, 0.02908550202846527, -0.000632793758995831, 0.023704543709754944, 0.003189634531736374, -0.003922436386346817, 0.017431477084755898, 0.013664805330336094, 0.00496676703915, -0.003947217017412186, -0.008984786458313465, -0.01261693425476551, 0.003855174407362938, 0.03565593808889389, -0.014981724321842194, 0.03520280495285988, 0.0012416917597875, 0.023916948586702347, 0.00543406093493104, 0.008786540478467941, -0.010351266711950302, 0.0016346434131264687, -0.049589790403842926, -0.005763290915638208, -0.0054376013576984406, -0.014139179140329361, 0.01036542747169733, -0.039281003177165985, -0.029142143204808235, 0.01651104912161827, -0.005947376135736704, 0.015916312113404274, -0.013877211138606071, 0.028334999457001686, -0.0069032046012580395, -0.0057916115038096905, 0.0336734801530838, 0.03438149765133858, -0.03061482682824135, 0.025460435077548027, -0.025927728042006493, 0.001869175466708839, 0.025248028337955475, 0.0035542654804885387, 0.02587108686566353, -0.004216264933347702, -0.003887035185471177, -0.006375729106366634, 0.019767945632338524, 0.009841491468250751, -0.004141923040151596, -0.005097751040011644, -0.00795107614248991, -0.009381278418004513, -0.024681610986590385, -0.0168367400765419, 0.009395438246428967, -0.01336743589490652, -0.0031453832052648067, -0.014047136530280113, 0.005044649355113506, -0.02425679937005043, -0.012786858715116978, 0.025729482993483543, 0.013296633958816528, 0.04859856143593788, -0.015052526257932186, 0.018705913797020912, 0.029312068596482277, -0.014266623184084892, -0.024525847285985947, 0.028179235756397247, -0.004680018872022629, 0.0057031093165278435, 0.018507668748497963, 0.02645166404545307, -0.04392562061548233, -0.03440982103347778, 0.000621288432739675, -0.0024709932040423155, -0.00430830754339695, -0.03783664107322693, 0.01190183311700821, 0.024794895201921463, 0.008836101740598679, -0.018635112792253494, -0.009529962204396725, -0.0304165817797184, 0.026465823873877525, 0.00717933289706707, 0.014641874469816685, 0.003975538071244955, -0.016737615689635277, -0.001355860149487853, 0.025078102946281433, -0.010768999345600605, 0.049986280500888824, 0.003773751901462674, -0.01772884652018547, 0.009841491468250751, -0.002044410677626729, -0.013636484742164612, 0.008552893996238708, -0.023308051750063896, 0.04995796084403992, -0.005288916639983654, -0.006595215760171413, 0.017757166177034378, 0.007618305739015341, 0.004202104639261961, -0.0012735527707263827, 0.014939242973923683, 0.03460806608200073, -0.02486569806933403, -0.007611225824803114, -0.012050516903400421, 0.002394881099462509, 0.02007947489619255, 0.008510412648320198, -0.005501322913914919, -0.015760546550154686, -0.014330345205962658, -0.01905992440879345, 0.021042384207248688, -0.0004172898770775646, 0.015533980913460255, 0.021240629255771637, -0.0038622545544058084, -0.012772698886692524, -0.030388260260224342, -0.0033719500061124563, -0.003352479310706258, -0.044237151741981506, -0.020631732419133186, 0.0046056765131652355, -0.0056039863266050816, 0.00741297984495759, 0.003656928427517414, -0.025573717430233955, 0.017304033041000366, 0.02851908467710018, -0.02186368778347969, 0.012786858715116978, 0.02173624373972416, 0.00786611344665289, -0.045766476541757584, -0.012340805493295193, -0.011526581831276417, -0.02169376239180565, 0.0352877676486969, -0.020943261682987213, -0.031860943883657455, 0.004920745734125376, 0.0025701161939650774, 0.01720491051673889, 0.021608801558613777, -0.01377100870013237, 0.0004641962586902082, -0.008290925994515419, -0.00040777583490125835, -0.011356656439602375, -0.028179235756397247, 0.03868626803159714, -0.013339115306735039, 0.006411130074411631, 0.015279092825949192, -0.02003699354827404, 0.018918320536613464, -0.02051844820380211, -0.002932976931333542, -0.0006690798327326775, -0.05026949197053909, -0.012376206927001476, 3.540104808053002e-05, 0.014372826553881168, -0.0001107942225644365, -0.013643564656376839, -0.00865909643471241, -0.0032037950586527586, -0.016072075814008713, 0.012758538126945496, -0.011717746965587139, -0.011207972653210163, 0.016043756157159805, 0.008602455258369446, -0.01764388382434845, -0.001971838530153036, -0.023548778146505356, 0.005391580052673817, 0.012716056779026985, 0.012397447600960732, -0.042169731110334396, -0.010507031343877316, 0.02506394311785698, 0.041631635278463364, 0.021113185212016106, -0.03293713554739952, -0.026989759877324104, -0.01801205426454544, -0.055055711418390274, -0.016043756157159805, -0.013841810636222363, -0.0038799550384283066, 0.0023400094360113144, 0.005211034324020147, -0.010768999345600605, 0.016921700909733772, -0.00647839205339551, -0.00702710822224617, 0.0038339337334036827, -0.020263560116291046, -0.005122531671077013, 0.019116567447781563, 0.0030391800682991743, 0.010924763977527618, -0.04483189061284065, -0.006927985232323408, -0.007936915382742882, 0.002577196341007948, -0.014394067227840424, 0.008036037907004356, -0.025290509685873985, -0.0021966351196169853, -0.008956465870141983, 0.0034073509741574526, -0.012319564819335938, 0.004626917187124491, -0.013955093920230865, -0.031775981187820435, -0.007335097528994083, 0.014365745708346367, 0.0005708419485017657, -0.016695134341716766, 0.004049879964441061, 0.0027949127834290266, -0.008085600100457668, 0.0009850341593846679, -0.02162296138703823, -0.017105787992477417, 0.01962634176015854, -0.011087608523666859, 0.02745705470442772, 0.012071757577359676, 0.009565363638103008, 0.0531298965215683, -0.015958793461322784, 0.015647264197468758, 0.000702710822224617, -0.003710030112415552, -0.0344664603471756, -0.004917205777019262, 0.008283846080303192, -0.015095007605850697, 0.005189793650060892, -0.002148843603208661, 0.007420060224831104, -0.004375569522380829, -0.008673257194459438, 0.0067899213172495365, -0.019541379064321518, -0.003598516806960106, 0.013806409202516079, -0.0017213760875165462, -0.0316343791782856, -0.016242001205682755, -0.009459160268306732, -0.0046658581122756, 0.010429149493575096, 0.014641874469816685, -0.0006929755327291787, -0.02441256307065487, 0.014670195057988167, 0.006347408052533865, 0.0016054376028478146, -0.0064040496945381165, 0.00573851028457284, 0.008928144350647926, -0.00458443583920598, 0.027188006788492203, 0.18714411556720734, -0.01052827201783657, 0.03171934187412262, 0.007738669402897358, 0.007774070370942354, 0.006797001697123051, 0.04327424243092537, 0.00018231540161650628, 0.008857342414557934, -0.007844872772693634, -0.009374197572469711, 0.022090254351496696, -0.010046818293631077, -0.003837473690509796, 0.028221717104315758, -0.02976520173251629, -0.05471586063504219, -0.029510315507650375, -0.035231124609708786, 0.0014992344658821821, -0.015562301501631737, -0.007625386118888855, -0.014464869163930416, -0.02965191937983036, 0.015548140741884708, -0.03939428925514221, -0.026833996176719666, -0.007887354120612144, 0.011887672357261181, 0.00044826578232459724, -0.021070703864097595, -0.014797639101743698, 0.01958386041224003, 0.002621447667479515, -0.008892743848264217, -0.016397766768932343, 0.035712577402591705, 0.01966882310807705, 0.007320937234908342, 0.01346655935049057, -0.017346514388918877, -0.03996070474386215, 0.01147702056914568, 0.003382570343092084, 0.0019966191612184048, 0.023619581013917923, -0.005448221694678068, 0.018705913797020912, -0.0011523041175678372, -0.004357869271188974, -0.027881866320967674, -0.008000637404620647, 0.04160331189632416, 0.035061199218034744, -0.02551707625389099, 0.000115938441012986, -0.01695002242922783, 0.019767945632338524, -3.451602242421359e-05, -0.005812852177768946, -0.0277827437967062, 0.01218504086136818, 0.02734377048909664, 0.0099335340783, -0.0018762556137517095, 0.019654663279652596, -0.021424714475870132, 0.004124222323298454, 0.010372507385909557, 0.0011806250549852848, 0.010726517997682095, -0.009664486162364483, -0.007271375507116318, 0.010783160105347633, -0.045766476541757584, -0.025205546990036964, 0.034296538680791855, 0.006219964474439621, -0.007020028308033943, 0.03582586348056793, -0.010599073953926563, 0.010733597911894321, -0.01707746647298336, 0.0092255137860775, -0.02965191937983036, -0.05749130621552467, -0.011823950335383415, 0.0005500438273884356, -0.005186253692954779, -0.026635749265551567, -0.014415306970477104, 0.024993140250444412, -0.01525077223777771, -0.004839323461055756, 0.017417317256331444, 0.008545813150703907, 0.008467931300401688, 0.0036817090585827827, -0.011222132481634617, 0.019031604751944542, -0.02121230959892273, 0.02604101225733757, 0.018635112792253494, -0.006874884013086557, -0.01999451220035553, 0.001860325108282268, 0.0051650130189955235, 0.010209662839770317, 0.023916948586702347, 0.009529962204396725, 0.007476701866835356, -0.040017347782850266, -0.011243373155593872, -0.01651104912161827, 0.0027099503204226494, 0.019966192543506622, 0.005366798955947161, -0.015916312113404274, -0.007717428728938103, -0.017049144953489304, 0.011066367849707603, -0.022316820919513702, 0.0022373462561517954, 0.02526218816637993, -0.0004960572114214301, 0.02762697823345661, -0.013565681874752045, 0.00036197571898810565, -0.013034666888415813, -0.030444903299212456, 0.02793850749731064, -0.013792249374091625, 0.009437919594347477, -0.0013629404129460454, 0.004241045564413071, -0.00571018923074007, -0.025120584294199944, -0.0006655397592112422, -0.015052526257932186, -0.0026338379830121994, 0.00020842367666773498, -0.012687736190855503, 0.0005588940693996847, 0.019824588671326637, -0.0020426404662430286, -0.0004991547903046012, -0.0013186890864744782, 0.015675583854317665, 0.007653706707060337, -0.02734377048909664, -0.004202104639261961, -0.023350533097982407, 0.004223345313221216, -0.0033684098161756992, 0.028660690411925316, -0.004357869271188974, -0.011363737285137177, -0.048003822565078735, -0.00609252043068409, 0.006379269063472748, -0.030558185651898384, 0.004690639209002256, 0.03848802298307419, -0.011484100483357906, -0.00023298316227737814, -0.0004206087323836982, -0.18317918479442596, 0.01316211000084877, 0.021070703864097595, -0.026437504217028618, 0.011080528609454632, 0.038714587688446045, 0.01833774335682392, -7.876733434386551e-05, 0.0036994097754359245, 0.0008323671645484865, 0.012701896950602531, 0.002417891751974821, 0.008425449952483177, -0.004517173860222101, 0.006138542201370001, 0.013650644570589066, 0.019654663279652596, 0.002269207267090678, 0.015052526257932186, 0.009678646922111511, -0.006761600263416767, -0.025092264637351036, 0.014641874469816685, 0.018309423699975014, -0.015109168365597725, 0.01261693425476551, -0.02384614758193493, 0.010776079259812832, -0.018635112792253494, -0.009756529703736305, 0.012213362380862236, -0.005150852724909782, 0.010436229407787323, -0.01048579066991806, -0.006584595423191786, 0.010223823599517345, -0.009147631004452705, 0.0017718225717544556, -0.00027634945581667125, 0.049986280500888824, 0.01922984980046749, 0.018323583528399467, 0.01720491051673889, 0.0023577099200338125, -0.011505341157317162, 0.0002049941977020353, 0.010230903513729572, -0.0028657149523496628, -0.008899823762476444, -0.016723455861210823, -0.020334362983703613, -0.017431477084755898, 0.042084768414497375, 0.010046818293631077, 0.0069173648953437805, 0.017502278089523315, 0.026621589437127113, 0.0037914523854851723, 0.012524891644716263, -0.011689426377415657, -0.031492773443460464, -0.01151950191706419, 0.007958156056702137, -0.0065704346634447575, 0.0006974006537348032, -0.0324556827545166, -0.02858988754451275, -0.007126231212168932, -0.01966882310807705, -0.008510412648320198, -0.019937871024012566, -0.018181979656219482, 0.01853599026799202, -0.002778982510790229, 0.008708658628165722, -0.00039273040601983666, 0.0013372746761888266, 0.006021718494594097, -0.00337726017460227, 0.008248444646596909, -0.012354966253042221, 0.04551158845424652, 0.006619996391236782, 0.0038976555224508047, 0.012624014168977737, -0.021226469427347183, -0.019895389676094055, -0.020263560116291046, 0.00802895799279213, 0.0032356558367609978, 0.006991707254201174, -0.0076041454449296, -0.0043260082602500916, -0.01720491051673889, 0.03050154447555542, -0.010315866209566593, -0.002697560004889965, -0.014528591185808182, 0.00698462687432766, -0.009239673614501953, -0.009664486162364483, -0.0057916115038096905, -0.03840306028723717, -0.00931047648191452, 0.05378127470612526, 0.016822578385472298, -0.004248125944286585, 4.779141818289645e-05, 0.02401607297360897, -0.014571071602404118, -0.010422068648040295, 0.010499951429665089, 0.02186368778347969, -0.0026373781729489565, -0.011923073790967464, 0.03050154447555542, 0.0007677602698095143, -0.037128619849681854, 0.023534618318080902, -0.011838111095130444, 0.03690205514431, 0.016072075814008713, -0.025248028337955475, -0.010436229407787323, 0.01283642090857029, 0.005299536976963282, -0.07924170792102814, 0.004396810196340084, 0.0062376647256314754, 0.012213362380862236, -0.04250958189368248, -0.0004925170796923339, -0.0036427679006010294, 0.005621686577796936, -0.016043756157159805, 0.026508305221796036, -0.00037303855060599744, -0.009990176185965538, -0.002720570657402277, -0.005186253692954779, 0.006697878707200289, -0.0022001753095537424, 0.01962634176015854, -0.02758449874818325, -0.004446371924132109, 0.019527219235897064, 0.009211353026330471, -0.011370817199349403, -0.014309104532003403, -0.0033259287010878325, -0.001562956371344626, 0.012992185540497303, -0.031039640307426453, 0.019258171319961548, 0.024157676845788956, 0.010634475387632847, 0.007873193360865116, -0.03480631113052368, 0.011767309159040451, -0.025927728042006493, -0.002178934635594487, 0.0026055171620100737, -0.02758449874818325, 0.00213468330912292, 0.02384614758193493, -0.03511784225702286, 0.011668185703456402, 0.010988485999405384, 0.032795533537864685, -0.02815091423690319, -0.013034666888415813, -0.006595215760171413, -0.033276986330747604, 0.02793850749731064, -0.01336743589490652, -0.02027772180736065, -0.009607844986021519, -0.02136807329952717, -0.0026550786569714546, -0.0007469621486961842, 0.0208866186439991, -0.015024205669760704, -0.002508164383471012, 0.005777451209723949, -0.019371453672647476, -3.65903033525683e-05, -0.025658680126070976, -0.014408227056264877, -0.021084865555167198, 0.03256896510720253, 0.0267631933093071, 0.0022939881309866905, -0.021099025383591652, -0.027244647964835167, 0.01198679581284523, -0.0004903045482933521, -0.019272331148386, 0.017827969044446945, -0.019045764580368996, 0.004141923040151596, -0.03050154447555542, -0.025687001645565033, -0.0356842577457428, -0.02408687397837639, 0.01083272136747837, -0.01330371480435133, -0.004449911881238222, -0.02762697823345661, -0.007002327591180801, -0.007427140139043331, 0.012340805493295193, -0.00271703046746552, -0.014323264360427856, 0.007257215213030577, 0.018705913797020912, -0.03647724166512489, 0.02591356821358204, 0.01163986511528492, -0.008092680014669895, -0.0186634324491024, -0.004510093946009874, 0.030331619083881378, -0.003635687753558159, -0.003233885858207941, 0.005933215841650963, -0.00858121458441019, -0.046587780117988586, -0.0035613456275314093, -0.07448381185531616, 0.022869078442454338, -0.0016815498238429427, -0.010691116563975811, 0.004690639209002256, 0.0029754582792520523, 0.013700205832719803, 0.002766591962426901, -0.009579524397850037, -0.005111911799758673, -0.023223089054226875, 0.012468249537050724, -0.01326123345643282, 0.0028958057519048452, 0.008368807844817638, -0.003635687753558159, 0.02051844820380211, -0.003198484890162945, 0.019031604751944542, 0.02051844820380211, 0.009098069742321968, 0.014245382510125637, 0.021084865555167198, 0.02782522514462471, -0.0186634324491024, -0.015024205669760704, -0.006722659338265657, 0.009784850291907787, -0.013707286678254604, 0.01338159665465355, 0.011484100483357906, -0.045285023748874664, 0.0076041454449296, 0.01699250377714634, 0.0005265906220301986, -0.012978024780750275, -0.0031719340477138758, -0.0027365011628717184, 0.015052526257932186, 0.043415848165750504, -0.0551689974963665, -0.0304165817797184, -0.007420060224831104, -0.009671567007899284, -0.0023169987834990025, 0.015080846846103668, 0.025318831205368042, 0.010818560607731342, 0.010471630841493607, -0.011831031180918217, 0.04695595055818558, 0.008559973910450935, -0.0024780735839158297, -0.049703072756528854, -0.005798691883683205, 0.0008620155858807266, 0.01655353046953678, -0.005706649273633957, -0.00547654228284955, -0.025219708681106567, 0.033361949026584625, 0.00741297984495759, 0.044350434094667435, 0.014224141836166382, 0.005317237693816423, -0.00043587543768808246, 0.00205857097171247, -0.0025187847204506397, -0.016326963901519775, -0.028250036761164665, -0.007207653485238552, 0.008871503174304962, 0.0017417316557839513, 0.03154941648244858, 0.030105052515864372, 0.005094211082905531, -0.01792709156870842, 0.011356656439602375, -0.03067146986722946, 0.007660787086933851, 0.04231133311986923, -0.0014974643709138036, -0.020334362983703613, 0.015873830765485764, 0.015633104369044304, -0.002180704614147544, -0.01610039733350277, 0.026012690737843513, 0.014181660488247871, 0.01265233475714922, -0.012638174928724766, 0.015321574173867702, 6.383251457009465e-05, 0.0057172696106135845, -0.016128718852996826, 0.028250036761164665, -0.026267578825354576, 0.01642608642578125, 0.041631635278463364, 0.038063209503889084, 0.0009505181806162, -0.002603747183457017, -0.007044808939099312, -0.029255427420139313, -0.025941889733076096, -0.008680337108671665, -0.02526218816637993, -0.0010983175598084927, -0.008623695932328701, -0.015123328194022179, 0.015703905373811722, 0.0032480463851243258, -0.014075457118451595, 0.007257215213030577, -0.02547459490597248, -0.00026838420308195055, 0.007335097528994083, -0.012213362380862236, -0.034013327211141586, 0.029312068596482277, -0.0029896185733377934, 0.002904656110331416, 0.02791018784046173, 0.007066049613058567, 0.023662062361836433, 0.025248028337955475, 0.021226469427347183, -0.012092998251318932, 0.028419962152838707, -0.04409554600715637, 0.004903045482933521, 0.0045525748282670975, -0.012914302758872509, 0.005543804261833429, -0.013678965158760548, 0.0008359072962775826, -0.003009089268743992, -0.007264295592904091, -0.009175952523946762, 0.08060111105442047, 0.02299652248620987, -0.004959687124937773, -0.0025010842364281416, -0.036448922008275986, 0.0026356081943958998, 0.047522369772195816, -0.002881645457819104, -0.010153020732104778, -0.033475231379270554, -0.018748395144939423, -0.005451761651784182, -0.0005385384429246187, -0.027796903625130653, -0.009763609617948532, -0.012588613666594028, -0.015024205669760704, 0.02084413729608059, 0.005126072093844414, 0.011349576525390148, 0.013863051310181618, 0.014854280278086662, 0.024511687457561493, 0.010726517997682095, -0.009749448858201504, -0.015179970301687717, 0.012567372992634773, -0.01316211000084877, 0.02806595154106617, -0.031011318787932396, -0.00028276589000597596, 0.005986317526549101, -0.03171934187412262, -0.012850580736994743, 0.0030250197742134333, -0.007512102834880352, -0.01638360507786274, -0.0002991388610098511, 0.03106796182692051, 0.006191643420606852, 0.016581851989030838, 0.010245063342154026, 0.015505659393966198, -0.0014151569921523333, -0.013594003394246101, -0.016935862600803375, -0.019725464284420013, -0.012978024780750275, -0.025814445689320564], metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='ae1c1db7-3b98-4dd3-a16a-8a4830697078', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='fe190817b0f2ba13237ad1733b1745b49119ef0fae7916a922b4361f7b85b60c'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='9a9a081c-fcb6-44b0-b979-4bfbe4583bfc', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '8', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='7ed3f4a3d4729b66286acc0f9ba34bb1755525067c046745c1588b88f6149d61'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='9954c592-e1a0-4cf6-abcf-735a44ae4d7c', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f12c56f6194cfcb957185b18cb47df49b0c4ce1133c0cf8f7ae6fc24d0a96356')}, hash='75bd8af1090f0d55b5dceacbbe8849430b9ef3b0b45dcbbd6c1e45ed389af281', text='AUTHOR ET AL.: TITL E 9 based on random projection tree forest. ', start_char_idx=0, end_char_idx=64, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
449
       " TextNode(id_='9954c592-e1a0-4cf6-abcf-735a44ae4d7c', embedding=[-0.007277156226336956, 0.019817093387246132, -0.005618472583591938, -0.018263665959239006, 0.0012276797788217664, 0.012311278842389584, -0.008972134441137314, -0.0027820151299238205, -0.029689345508813858, -0.054036058485507965, 0.0007658253889530897, 0.0034026603680104017, -0.003912605810910463, 0.010990139096975327, 0.0010525562101975083, 0.014880967326462269, 0.020180044695734978, -0.008630961179733276, 0.015926264226436615, 0.002740275813266635, -0.014096994884312153, -0.0029798229224979877, -0.020441368222236633, -0.0355110689997673, 0.008892285637557507, 0.02045588567852974, 0.018510472029447556, -0.009414934553205967, -0.00625000661239028, -0.007600182201713324, 0.02877471037209034, -0.016986079514026642, -0.003226629225537181, 0.023838583379983902, -0.00870355125516653, 0.006329855415970087, 0.014118772000074387, -0.017944268882274628, 0.030371692031621933, -0.019497696310281754, -0.002117815660312772, -0.001119702123105526, 0.000846128212288022, -0.006729100830852985, -0.026843814179301262, -0.012841186486184597, 0.011077246628701687, -0.017639391124248505, -0.009349603205919266, 0.03612082824110985, 0.01416232530027628, 0.03368179872632027, -0.0263211652636528, 0.004155782517045736, -0.012354832142591476, 0.0064750355668365955, 0.018162040039896965, 0.013799374923110008, 0.00527004012838006, -0.025217795744538307, -0.010184388607740402, 0.005919721443206072, -0.02318527363240719, 0.02227063849568367, -0.0012167913373559713, -0.04381537437438965, -0.01881534978747368, 0.003056042594835162, -0.0015906302724033594, -0.020775282755494118, 0.004442513454705477, 0.03992454707622528, -0.028368204832077026, 0.007905060425400734, 0.04297333210706711, -0.014953557401895523, -0.009821438230574131, 0.022807804867625237, -0.006068530958145857, 0.008268010802567005, 0.008572889491915703, -0.02475321851670742, -0.004362664185464382, 0.010743333026766777, 0.013741303235292435, 0.018583061173558235, 0.010707037523388863, 0.01653602160513401, -0.028615010902285576, -0.014198620803654194, 0.04285718500614166, 0.023170756176114082, 0.022749733179807663, -0.024593520909547806, -0.008021204732358456, 0.015708494931459427, -0.004547768738120794, 0.010387641377747059, 0.007425965741276741, -0.021239859983325005, -0.007157382555305958, 0.0066710286773741245, -0.021704435348510742, -0.009792402386665344, 0.0003588672261685133, -0.0005212875548750162, -0.0031431508250534534, -0.004627618007361889, -0.006442369893193245, 0.009255236014723778, -0.009545596316456795, 0.002400917001068592, -0.001038945629261434, -0.009342344477772713, -0.021878652274608612, -0.012144321575760841, 0.040011655539274216, -0.015984337776899338, -0.00023172116198111326, 0.0003563719510566443, 0.02562429942190647, 0.007701808121055365, 0.034378666430711746, -0.01150552835315466, 0.023867620155215263, 0.004409847781062126, -0.0006174694281071424, -0.02055751159787178, -0.01183218415826559, -0.0369919091463089, 0.036062754690647125, 0.031039521098136902, 0.005306335166096687, -0.004932496231049299, -0.026800259947776794, 0.016231143847107887, 0.00891406275331974, -0.031765419989824295, -0.03890828415751457, -0.016768310219049454, 0.004805463831871748, 0.032781682908535004, -0.004507844336330891, -0.012950071133673191, -0.020775282755494118, 0.04637054726481438, 0.0020706322975456715, 0.026175985112786293, 0.0041920775547623634, -0.03225903585553169, 0.00652947835624218, -0.0005231022951193154, -0.019352516159415245, 0.02688736841082573, 0.022982021793723106, -0.007643735967576504, -0.0036222452763468027, 0.01702963374555111, -0.027366463094949722, -0.05203257501125336, -0.028615010902285576, 0.03191060200333595, -0.003988825250416994, -0.0026549824979156256, 0.003310107858851552, 0.02825206145644188, 0.004010602366179228, -0.015476206317543983, -0.0320267453789711, -0.02653893455862999, -0.008173643611371517, 0.020092936232686043, -0.039837438613176346, 0.011679744347929955, 0.015113255940377712, -0.011200650595128536, 0.03490131348371506, 0.007585663814097643, -0.01498259324580431, -0.013538051396608353, -0.00650407187640667, 0.008587406948208809, 0.028919890522956848, 0.008870508521795273, -0.015331026166677475, 0.0017285514622926712, 0.02083335444331169, 0.0014753935392946005, 0.02038329653441906, -0.009690776467323303, 0.01594078354537487, 0.00417755963280797, -0.012739559635519981, -0.006975907366722822, -0.6127764582633972, -0.019947756081819534, 0.010808663442730904, -0.03199771046638489, 0.012187875807285309, 0.009661740623414516, 0.007106569595634937, 0.021094679832458496, 0.0018946012714877725, 0.02597273327410221, -0.03585950285196304, 0.009567373432219028, -0.004453401546925306, -0.0012730485759675503, -0.01438735518604517, -0.013777597807347775, -0.000816638465039432, -0.013254949823021889, 0.020325224846601486, 0.01146923378109932, -0.02996518649160862, 0.028063327074050903, 0.002947157481685281, -0.011353089474141598, 0.008159125223755836, 0.0037093532737344503, 0.026451827958226204, -0.03066205233335495, 0.001164163462817669, 0.0030378950759768486, -0.028266578912734985, 0.021878652274608612, 0.01541813462972641, 0.02552267350256443, 0.05037751793861389, -0.014539794065058231, -0.025333939120173454, 0.009538337588310242, 0.026001768186688423, 0.012979106977581978, -0.049245115369558334, -0.02105112560093403, 0.005469663068652153, 0.004329998511821032, -0.011890255846083164, 0.018408846110105515, 0.02125437743961811, -0.007164641283452511, -0.01646343059837818, -0.026974475011229515, 0.015592350624501705, 0.0018837127136066556, -0.008645479567348957, -3.6380108213052154e-05, 0.005618472583591938, -0.018307220190763474, 0.02905055321753025, -0.02902151644229889, 0.02135600335896015, 0.013465461321175098, 0.009828697890043259, -0.0067109535448253155, 3.521753387758508e-05, -0.027613269165158272, -0.02870211936533451, 0.008471262641251087, -0.0193670354783535, 0.012710523791611195, -0.009429452009499073, -0.024070871993899345, 0.010924807749688625, 0.023025576025247574, 0.014844672754406929, -0.0016359990695491433, 0.018931495025753975, 0.026335682719945908, 0.030923375859856606, 0.011004656553268433, -0.013552568852901459, -0.006489553488790989, 0.013763080351054668, 0.0025243202690035105, -0.015635903924703598, -0.006816208828240633, 0.022401301190257072, 0.001468134461902082, -0.027192246168851852, 0.0061955638229846954, -0.00021777025540359318, 0.0017457915237173438, 0.01289925817400217, 0.01279763225466013, -0.03150409832596779, -0.04756102338433266, 0.0010462045902386308, 0.008384155109524727, 0.010583634488284588, 0.0018011415377259254, 0.014510758221149445, -0.0469222329556942, -0.014583348296582699, -0.02661152556538582, 0.0104892672970891, -0.022052867338061333, -0.003030636114999652, -0.005727357696741819, -0.003509730566293001, 0.017319994047284126, 0.012746819294989109, -0.014038922265172005, 0.012216911651194096, -0.01660861074924469, -0.008369636721909046, 0.0074695199728012085, 0.014053440652787685, -0.02716320939362049, 0.042247429490089417, 0.001806585700251162, -0.018118485808372498, -0.0024789513554424047, 0.023591777309775352, -0.005484180990606546, 0.009051983244717121, 0.0018456028774380684, 0.008384155109524727, -0.005055899266153574, 0.013995368964970112, -0.010728814639151096, -0.023199791088700294, -0.01643439568579197, 0.005916092079132795, -0.009059242904186249, 0.018713723868131638, -0.026103394106030464, 0.040505267679691315, -0.013516274280846119, 0.012347573414444923, 0.005186561495065689, 0.005444256588816643, -0.0250726155936718, -0.009342344477772713, 0.010605411604046822, -0.001990783028304577, -0.03173638507723808, -0.016129517927765846, -0.00807927642017603, -0.01933799870312214, 0.023156236857175827, -0.001829270157031715, -0.009335084818303585, -0.023693403229117393, -0.012579862028360367, -0.01842336356639862, 0.008943098597228527, 0.0029979704413563013, -0.0038871990982443094, -0.002829198492690921, -0.030255548655986786, -0.015606868080794811, -0.02244485542178154, 0.013792116194963455, 0.024099908769130707, -0.007846987806260586, -0.013886483386158943, 0.005916092079132795, -0.024869363754987717, 0.00736789358779788, 0.019308961927890778, 0.026306647807359695, -0.04126020520925522, 0.00340447505004704, -0.022982021793723106, -0.006990425288677216, 0.013951814733445644, -0.01628921553492546, 0.009233458898961544, -0.002110556699335575, -0.015461687929928303, -0.009088278748095036, -0.0033064784947782755, 0.012666969560086727, 0.023243345320224762, 0.0013910075649619102, 0.0016577760688960552, 0.04131827503442764, 9.229715942637995e-06, 0.014053440652787685, -0.014416391029953957, -0.01611499860882759, 0.003193963784724474, 0.0090011702850461, 0.0037565368693321943, -0.030255548655986786, 0.006024977192282677, -0.0049506439827382565, 0.007386041339486837, 0.0011868479195982218, -0.007585663814097643, -0.00010803446639329195, 0.02023811638355255, -0.001432746765203774, -0.0033391439355909824, 0.01181766577064991, -0.007716326043009758, 0.010982880368828773, -0.03806624189019203, 0.010068245232105255, -0.015548796392977238, 0.002843716647475958, 0.00886324979364872, 0.015548796392977238, -0.013937296345829964, -0.020644620060920715, -0.024448340758681297, 0.010162612423300743, 0.008035722188651562, -0.0032810717821121216, 0.00818090233951807, -0.0022212567273527384, 0.00996661838144064, 0.009937582537531853, -0.005564030259847641, 0.023678885772824287, 0.003464361885562539, 0.0012503642356023192, 0.0023065500427037477, 0.02251744456589222, 0.03266553953289986, -7.020822522463277e-05, -0.00420296611264348, -0.0047619096003472805, -0.0009708923753350973, 0.012986366637051105, 0.008224456571042538, 0.034146375954151154, -0.007440483663231134, 0.03757262974977493, 0.005651138257235289, 0.005411590915173292, -0.0059995707124471664, 0.007353375665843487, 0.014655938372015953, 0.006932353135198355, -0.021878652274608612, 0.010634447447955608, -0.004867165349423885, 0.03249132260680199, 0.002729387255385518, -0.0035151748452335596, 0.005241004284471273, -0.012006400153040886, 0.009153610095381737, 0.009552855044603348, 0.024912917986512184, 0.014155066572129726, -0.012761336751282215, 0.0021831467747688293, 0.007752621080726385, 0.031126629561185837, 0.03205578029155731, 0.024796772748231888, -0.021239859983325005, 0.019425107166171074, -0.017566800117492676, 0.0037456483114510775, -0.05653315782546997, 0.01120790932327509, 0.01832173764705658, 0.0016305547906085849, -0.016869936138391495, 0.0012158838799223304, -0.007411447819322348, 0.010895771905779839, -0.01958480477333069, 0.018118485808372498, -0.002085150219500065, 0.010322310030460358, 0.005992311518639326, 0.032288070768117905, 0.008268010802567005, -0.03362372890114784, -0.019178301095962524, 0.0125363077968359, 0.00911005586385727, -0.0029816378373652697, -0.005879797041416168, -0.02835368737578392, 0.0193670354783535, -0.013922778889536858, -0.004264667630195618, -0.0015452614752575755, -0.003671243553981185, 0.004057785961776972, -0.015127774327993393, -0.01181766577064991, 0.0057563940063118935, 0.02502906136214733, 0.008754364214837551, -0.008529335260391235, 0.010387641377747059, 0.009894028306007385, 0.0032102966215461493, -0.017465174198150635, -0.017349030822515488, 0.054732926189899445, -0.01643439568579197, -0.022982021793723106, -0.025130687281489372, -0.0017439768416807055, 0.0040323794819414616, -0.01109902374446392, -0.012006400153040886, 0.008028463460505009, 0.0061483802273869514, 0.02100757136940956, 0.018786314874887466, -0.009792402386665344, 0.006896058097481728, 0.03731130436062813, -0.00010792104149004444, 0.0008983022999018431, -0.020165525376796722, 7.429141533066286e-06, 0.010859476402401924, 0.021385040134191513, 0.02797621861100197, 0.0053716665133833885, 0.005974164232611656, -0.024840326979756355, -0.013269467279314995, -0.02639375440776348, 0.02254648134112358, 0.012158839032053947, 0.01996227353811264, -0.02094949781894684, -0.02751164324581623, 0.014300246722996235, 0.005985052790492773, 0.03318818658590317, 0.004859906155616045, -0.00035387667594477534, -0.026451827958226204, 0.003963418770581484, 0.01468497421592474, -0.003324626013636589, -0.014329282566905022, 0.013799374923110008, 0.01650698482990265, -0.014757564291357994, -0.003533322364091873, 0.02398376353085041, -0.005360777955502272, 0.0013429166283458471, -0.03266553953289986, -0.014380095526576042, 0.01604240946471691, 0.01695704460144043, 0.01463416125625372, -0.012333055958151817, 0.0245790034532547, 0.014046181924641132, 0.026655079796910286, 0.013465461321175098, -0.014953557401895523, 0.004602211527526379, 0.001374674728140235, 0.0033355143386870623, 0.008826954290270805, 0.01822011172771454, 0.010612670332193375, 0.012318537570536137, 0.035365890711545944, -0.022459372878074646, 0.007672772277146578, 0.009857733733952045, -0.03237517923116684, -0.015926264226436615, -0.015752049162983894, -0.00840593222528696, -0.0008152773953042924, -0.024593520909547806, 0.0009817809332162142, -0.010975620709359646, -0.04486067220568657, -0.003475250443443656, -8.563361916458234e-05, 0.009335084818303585, -0.008551112376153469, -0.023054610937833786, -0.018336255103349686, -0.01839432679116726, -0.0015570573741570115, -0.027889110147953033, -0.01660861074924469, 0.0025007284712046385, -0.01448898110538721, -0.043234653770923615, -0.007462260778993368, 0.02045588567852974, 0.015142291784286499, 0.013944555073976517, 0.0168844535946846, -0.019918719306588173, 0.0214721467345953, -0.02028167061507702, 0.0021141862962394953, -0.005603954661637545, -0.010823181830346584, 0.0006206452380865812, -0.0245790034532547, -0.015316507779061794, -0.0011006471468135715, -0.00896487571299076, -0.021123714745044708, 0.016100481152534485, -0.02177702635526657, 0.004961532540619373, 0.004772798158228397, 0.015723012387752533, 0.0038182386197149754, 0.02087690867483616, 0.03135891631245613, 0.016216624528169632, -0.010547339916229248, 0.019033120945096016, 0.0016759235877543688, -0.007462260778993368, -0.013538051396608353, 0.022052867338061333, 0.015229400247335434, 0.010482008568942547, 0.003912605810910463, 0.006228229496628046, -0.018452400341629982, 0.023765994235873222, -0.014017145149409771, 0.018902458250522614, 0.003894458059221506, 0.025304904207587242, 0.02884729951620102, 0.015229400247335434, 0.02366436831653118, 0.008427709341049194, -0.0029816378373652697, -0.003535137278959155, -0.0013846558285877109, 0.013044438324868679, 0.01075059175491333, -0.018931495025753975, 0.028150435537099838, -0.022299673408269882, -0.0005711932317353785, -0.020615585148334503, 0.026234056800603867, -0.020339742302894592, 0.013240431435406208, 0.0077598802745342255, -0.0032157409004867077, -0.021065643057227135, -0.014547052793204784, 0.005919721443206072, -0.01212980318814516, -0.04114406183362007, -0.012659710831940174, 0.003157668747007847, -0.015214881859719753, 0.005008716136217117, -0.0031631130259484053, -0.022154493257403374, -0.012841186486184597, -0.03786299005150795, 0.012013658881187439, 0.011527305468916893, 0.024361232295632362, -0.012928294017910957, 0.0027439051773399115, -0.024811292067170143, -0.03339143842458725, -0.01912022940814495, 0.0030342654790729284, -0.01839432679116726, 0.017000598832964897, 0.030400728806853294, 0.0026967215817421675, 0.024390269070863724, 0.003814609022811055, 0.004928866866976023, 0.024346714839339256, 0.011236945167183876, 0.004006972536444664, -0.001434561563655734, -0.011723298579454422, -0.012572603300213814, -0.006028606556355953, 0.03943093493580818, -0.008972134441137314, 0.010068245232105255, 0.009226200170814991, 0.012267724610865116, 0.02454996667802334, 0.01183218415826559, -0.01824914664030075, -0.01758131943643093, -0.03789202496409416, 0.0015334655763581395, -0.021907687187194824, -0.000326201698044315, 0.013225913979113102, -0.03048783540725708, -0.031271807849407196, -0.005037751980125904, -0.0009581891354173422, 0.024027317762374878, -0.005585806909948587, 0.031097592785954475, -0.0016868121456354856, -0.0006610234850086272, 0.029457056894898415, 0.02751164324581623, -0.03461095318198204, 0.010576375760138035, -0.021704435348510742, -0.012732300907373428, 0.006424222607165575, -0.01807493157684803, 0.017349030822515488, 0.007723585236817598, -0.0017539579421281815, -0.01181766577064991, 0.0030270065180957317, -0.007513073738664389, -0.01032956875860691, -0.00866725668311119, -0.0011922921985387802, -0.014939039945602417, -0.014939039945602417, -0.022648107260465622, 0.004511473700404167, -0.009988395497202873, -0.007106569595634937, -0.012347573414444923, 0.007672772277146578, -0.024114426225423813, -0.0033754389733076096, 0.02412894368171692, 0.012137061916291714, 0.031765419989824295, -0.002462618751451373, 0.021022088825702667, 0.016216624528169632, -0.02552267350256443, -0.03887924924492836, 0.020499439910054207, 0.009843215346336365, -0.009233458898961544, 0.028208507224917412, 0.049070898443460464, -0.0419570691883564, -0.03478517010807991, 0.01250001322478056, -0.00916086882352829, -0.012245947495102882, -0.05580725893378258, 0.020151007920503616, 0.016056926921010017, 0.004094080999493599, -0.03783395141363144, -0.008101053535938263, -0.04126020520925522, 0.026655079796910286, -0.006609327159821987, 0.006798061542212963, 0.009814179502427578, -0.005513216834515333, 0.011128060519695282, 0.02982000634074211, -0.006348003167659044, 0.04436706006526947, -0.006464147008955479, -0.011534564197063446, 0.011941068805754185, -0.015461687929928303, -0.013225913979113102, 0.013153323903679848, -0.014343800954520702, 0.05017426609992981, -0.0046131000854074955, -0.01263793371617794, 0.01933799870312214, 0.009741589426994324, -0.006242747418582439, -0.0033736242912709713, 0.00011381898366380483, 0.033478546887636185, -0.02671315148472786, -0.011186132207512856, -0.010990139096975327, -0.0009835956152528524, 0.010903030633926392, 0.008718069642782211, -0.013893742114305496, -0.014866449870169163, -0.01524391770362854, -0.00650407187640667, 0.02874567359685898, 0.0011732372222468257, 0.014467203989624977, 0.004885312635451555, -0.023446597158908844, -0.018684688955545425, -0.03217192739248276, -0.0009291531168855727, 0.002843716647475958, -0.06283397972583771, -0.03150409832596779, 0.01045297272503376, -0.014024404808878899, -0.0047619096003472805, -0.0015479836147278547, -0.012304019182920456, 0.013625158928334713, 0.03423348441720009, -0.027003511786460876, 0.019076675176620483, 0.031533133238554, 0.017145778983831406, -0.04523814097046852, -0.006177416071295738, -0.01643439568579197, -0.022212566807866096, 0.03222999721765518, -0.02723580040037632, -0.03388505056500435, -0.0002479405084159225, 0.011149836704134941, 0.017319994047284126, 0.024216052144765854, -0.011374866589903831, 0.022183530032634735, -0.0017394399037584662, 0.006482294760644436, -0.01856854371726513, 0.0016269253101199865, 0.014038922265172005, -0.008057499304413795, 0.003301034215837717, 0.02996518649160862, -0.009494783356785774, 0.027787484228610992, -0.023853102698922157, -0.008892285637557507, -0.01681186445057392, -0.04825788736343384, -0.019744504243135452, 0.00312500330619514, 0.008297046646475792, 0.007288044784218073, -0.006177416071295738, -0.02276425063610077, 0.002028892980888486, -0.023432079702615738, 0.023620814085006714, 0.004954273346811533, -0.016477949917316437, 0.01223868876695633, 0.012652452103793621, -0.0074223363772034645, -0.004609470255672932, -0.038298528641462326, -0.005814465694129467, 0.0021722582168877125, 0.00032642853329889476, -0.03832756355404854, -0.008122830651700497, 0.007171900477260351, 0.03786299005150795, 0.020078416913747787, -0.019628359004855156, -0.02468062937259674, -0.004315480589866638, -0.04552850127220154, -0.01091029029339552, -0.020688174292445183, 0.016942525282502174, -0.0013737673871219158, 0.022982021793723106, -0.004769168794155121, 0.03118470124900341, -0.011265981011092663, -0.002086964901536703, -0.006445999722927809, -0.0029417132027447224, -0.009298790246248245, 0.021094679832458496, 0.024375751614570618, 0.006431481800973415, -0.03478517010807991, 0.009059242904186249, 0.004772798158228397, 0.002987082116305828, -0.016579575836658478, 0.013189618475735188, -0.013450942933559418, -0.011774111539125443, 0.0016359990695491433, 0.0011215168051421642, 0.019381552934646606, -0.009480264969170094, 0.004115857649594545, -0.04152153059840202, -0.004065044689923525, 0.011418420821428299, -0.007262638304382563, -0.020673656836152077, -0.005963275674730539, 0.0019163782708346844, -0.0015688532730564475, -0.003555099479854107, -0.0045259916223585606, -0.013901001773774624, 0.028716638684272766, -0.019004084169864655, 0.015447170473635197, 0.0033409586176276207, 0.00631896685808897, 0.03893732279539108, -0.015026147477328777, 0.008514816872775555, -0.002763867611065507, -0.0029417132027447224, -0.03138795122504234, 0.009320567362010479, 0.01047474890947342, -0.00919716339558363, 0.005545882508158684, -0.004645765293389559, 0.015331026166677475, 0.003110485151410103, -0.0010879439068958163, -0.004616729449480772, -0.03905346617102623, -0.02261907048523426, 0.02338852547109127, 0.008543852716684341, -0.01839432679116726, -0.014568829908967018, -0.007092051208019257, 0.015897229313850403, 0.005215597804635763, 0.00018022756557911634, 0.005048640538007021, -0.01122242771089077, 0.008289787918329239, 0.014953557401895523, -0.003197593381628394, -0.02485484443604946, -0.000407865532906726, 0.0060358657501637936, -0.00029240193543955684, 0.006968648172914982, 0.18501761555671692, 0.007182789035141468, 0.03191060200333595, 0.025856588035821915, 0.0005743690417148173, -0.008246233686804771, 0.02661152556538582, 0.008797918446362019, 0.013080733828246593, -9.510435484116897e-05, 0.0014381910441443324, 0.004790945444256067, -0.02174798958003521, 0.0012549010571092367, 0.02922476828098297, -0.023199791088700294, -0.0382404588162899, -0.032636500895023346, -0.026248574256896973, 0.00028491608100011945, -0.0003157668688800186, -0.011026433669030666, -0.015752049162983894, -0.019642876461148262, 0.01733451336622238, -0.008282529190182686, -0.023940211161971092, -0.018757278099656105, 0.028223024681210518, 0.006122973747551441, -0.017247404903173447, -0.0032701834570616484, 0.022299673408269882, -0.012478236109018326, 0.01396633218973875, -0.004551398567855358, 0.04596404358744621, 0.004859906155616045, -0.005255522206425667, 0.023940211161971092, -0.01583915762603283, -0.033478546887636185, 0.006348003167659044, 0.007175529841333628, 0.01109902374446392, 0.0024789513554424047, -0.006438740529119968, 0.02331593632698059, 0.0019889683462679386, 0.009821438230574131, -0.032984934747219086, -0.005945127923041582, 0.001538909855298698, 0.014111512340605259, -0.011955587193369865, 0.0007957688067108393, -0.010714296251535416, 0.015926264226436615, 0.007788916118443012, 0.02076076529920101, -0.026582488790154457, 0.0022702550049871206, 0.01832173764705658, 0.008834213018417358, -0.006416963413357735, 0.013000884093344212, -0.03266553953289986, -0.0007821581675671041, 0.0204849224537611, 0.004391700029373169, -0.0029925263952463865, -0.004155782517045736, -0.013051697053015232, -0.0002613243123050779, -0.03170735016465187, -0.024869363754987717, 0.02947157435119152, 0.005683803930878639, -0.015185846015810966, 0.039663221687078476, 0.00039312068838626146, 0.007295303512364626, -0.0049579027108848095, 0.021733472123742104, -0.01498259324580431, -0.038298528641462326, -0.009066501632332802, -0.012950071133673191, -0.009313307702541351, -0.027700377628207207, -0.009393157437443733, 0.02783103846013546, -0.019802575930953026, 0.0013556198682636023, 0.015287471935153008, 0.007110198959708214, 0.021109197288751602, 0.008195420727133751, -0.0180023405700922, -0.006645622197538614, -0.028934407979249954, 0.03225903585553169, 0.03597564622759819, -0.011345830745995045, -0.009835956618189812, -0.0042465198785066605, 0.004025120288133621, -0.007396929897367954, 0.004819981753826141, 0.01078688632696867, -0.006246376782655716, -0.04500585421919823, -0.0008207216742448509, -0.014300246722996235, 0.014082476496696472, 0.023083647713065147, 0.002204923890531063, -0.01361790020018816, -0.005190191324800253, -0.00865273829549551, 0.015635903924703598, -0.016768310219049454, 0.013850188814103603, 0.018437881022691727, -0.000687791034579277, 0.020049382001161575, -0.02405635453760624, -0.005077676381915808, -0.008558371104300022, -0.030458800494670868, 0.02083335444331169, -0.00963270477950573, 0.009131832979619503, 0.0004316841659601778, 0.006776284426450729, -0.029907114803791046, -0.03394312411546707, -0.013349317014217377, -0.03646925836801529, -0.003821867983788252, 0.019526733085513115, -0.007240861188620329, 0.0008987559704110026, 0.023548223078250885, 0.0009228014387190342, 0.003821867983788252, 0.009342344477772713, 0.02870211936533451, 0.0030360803939402103, -0.029703862965106964, -0.012790373526513577, -0.017537765204906464, 0.022735215723514557, -0.007291674148291349, 0.02559526450932026, -0.005807206965982914, -0.013712267391383648, -0.04483163729310036, 0.0002049535687547177, -0.0052772993221879005, -0.038617923855781555, -0.00017104038852266967, 0.04175381734967232, -0.007955873385071754, -0.0027711265720427036, -0.0011414791224524379, -0.18826964497566223, 0.0023827694822102785, 0.022502927109599113, -0.023098165169358253, -0.002141407458111644, 0.01822011172771454, 0.014503499493002892, -0.0020125601440668106, -0.01499711163341999, -0.004402588587254286, 0.013363834470510483, 0.010873994790017605, 0.007204566150903702, -0.03080723248422146, 0.0035260634031146765, 0.011701521463692188, 0.025217795744538307, 0.002007115865126252, 0.0168844535946846, 0.0019308963092043996, 0.004467919934540987, -0.025740444660186768, 0.008282529190182686, 0.008347859606146812, -0.004261037800461054, 0.012180616147816181, -0.012630674988031387, 0.014053440652787685, -0.0015307434368878603, -0.017668426036834717, -0.0010879439068958163, -0.012804890982806683, 0.0003311922773718834, -0.019729984924197197, 0.0030832639895379543, 0.018612097948789597, -0.001806585700251162, 0.002693092217668891, -0.0009944841731339693, 0.047212593257427216, 0.025319421663880348, 0.019904201850295067, 0.020223597064614296, 0.004845388233661652, -0.019425107166171074, -0.010511044412851334, 0.030603980645537376, -0.019904201850295067, 0.008986652828752995, -0.011033693328499794, -0.014205879531800747, 0.00601408863440156, 0.03832756355404854, 0.0004353136755526066, 0.005818095523864031, 0.012071731500327587, 0.012020918540656567, -0.00023274196428246796, 0.037282269448041916, -0.02254648134112358, -0.029006998986005783, -0.026059839874505997, -0.0010670742485672235, -0.006594809237867594, -0.0030124885961413383, -0.03943093493580818, -0.018234629184007645, 0.0034679912496358156, -0.031446024775505066, -0.0071501233614981174, -0.016797345131635666, -0.00033595599234104156, 0.01856854371726513, -0.00012510447413660586, 0.029761934652924538, 0.018829869106411934, -0.004173929803073406, 0.007817951962351799, 0.006260894704610109, 0.020934980362653732, -0.0067581371404230595, 0.03472709655761719, 0.0070085725747048855, -0.01300814375281334, 0.018626615405082703, -0.005956016480922699, -0.013530791737139225, -0.0068125794641673565, -0.006409704685211182, 0.012158839032053947, 0.008826954290270805, -0.011019174940884113, 0.025159724056720734, -0.005738246254622936, 0.027947183698415756, 0.002192220650613308, 0.010307792574167252, -0.014096994884312153, 0.028397241607308388, -0.00971981231123209, 0.000531268713530153, 0.018191074952483177, -0.03135891631245613, 0.009785143658518791, 0.05545882508158684, 0.011338571086525917, -0.01608596369624138, -0.008928580209612846, 0.009443970397114754, -0.019033120945096016, -0.008986652828752995, 0.015098737552762032, 0.036730583757162094, 0.0012040880974382162, -0.007455001585185528, 0.018162040039896965, 0.01730547659099102, -0.034030232578516006, 0.024114426225423813, -0.01975902169942856, 0.04416380822658539, 0.003438955405727029, -0.02405635453760624, -0.008943098597228527, 0.02447737753391266, -0.0008774326415732503, -0.1047620102763176, -0.005084935575723648, 0.012812149710953236, 0.013167841359972954, -0.04759006202220917, 0.0239547286182642, 0.003872681176289916, 0.011345830745995045, -0.021457629278302193, 0.049419328570365906, -0.007701808121055365, -0.021689917892217636, -0.006899687461555004, 0.01926540955901146, 0.008224456571042538, -0.011745075695216656, 0.013182359747588634, -0.043786339461803436, 0.0073751527816057205, 0.026597008109092712, 0.03225903585553169, -0.009139091707766056, -0.014046181924641132, -0.011795888654887676, 0.005560400430113077, 0.015984337776899338, -0.02241581864655018, 0.01448898110538721, 0.023591777309775352, 0.012412904761731625, -0.009661740623414516, -0.03858888894319534, 0.003520619124174118, -0.013552568852901459, -0.0240853913128376, 0.002912677126005292, -0.04079562798142433, -0.0008597388514317572, 0.024709664285182953, -0.013625158928334713, -0.011643449775874615, 0.0005789059214293957, 0.01894601248204708, 0.012529049068689346, -0.021109197288751602, -0.0027711265720427036, -0.02797621861100197, 0.024462858214974403, -0.006162898149341345, -0.009204423055052757, -0.004054156132042408, -0.036759618669748306, -0.011106283403933048, 0.00655488483607769, 0.007752621080726385, -0.01615855284035206, 0.0005049547762610018, 0.019657395780086517, -0.014532535336911678, 0.005157525651156902, -0.023678885772824287, 0.017247404903173447, -0.007229972630739212, 0.017349030822515488, 0.025783998891711235, 0.0070376088842749596, -0.027961701154708862, -0.03722419589757919, 0.0084422267973423, -0.0019980422221124172, -0.020078416913747787, 0.029340913519263268, -0.026263093575835228, 0.0034316962119191885, -0.024608038365840912, -0.01319687720388174, -0.035336852073669434, -0.026480862870812416, 0.00966899935156107, -0.013044438324868679, 0.004830870311707258, -0.018205594271421432, -0.0002962582802865654, -0.0012848444748669863, -0.003322811098769307, 0.0008987559704110026, -0.002985267201438546, -0.0016169442096725106, 0.013697749003767967, -0.03147505968809128, 0.02566785365343094, 0.00156250165309757, 0.007186418399214745, -0.02646634541451931, 0.007963132113218307, 0.011970105580985546, -0.00945848785340786, -0.00035160823608748615, 0.02559526450932026, 0.004090451169759035, -0.03313011676073074, 0.006413334049284458, -0.08089438825845718, 0.02412894368171692, -0.00018918790738098323, -0.010612670332193375, -0.012420163489878178, -0.025377493351697922, 0.01459786668419838, -0.008551112376153469, 0.004627618007361889, 0.0027348315343260765, -0.04306044057011604, -0.0021849616896361113, -0.013022661209106445, -0.006914205849170685, -0.012173357419669628, -0.011955587193369865, 0.033652763813734055, -0.0071791596710681915, 0.019134746864438057, 0.021733472123742104, -0.0030378950759768486, 0.0067581371404230595, 0.004602211527526379, 0.01758131943643093, -0.008855990134179592, -0.021297931671142578, -0.001620573690161109, 0.007389670703560114, -0.003008858999237418, 0.00916086882352829, 0.017537765204906464, -0.034146375954151154, -0.009189904667437077, 0.0020688173826783895, 0.0008089257753454149, -0.0050050863064825535, 0.000844313413836062, 0.00926249474287033, 0.02115275152027607, 0.035394925624132156, -0.04732873663306236, -0.022677142173051834, -0.0021069273352622986, -0.0023065500427037477, -0.01382841169834137, 0.014808377251029015, 0.031039521098136902, 0.00968351773917675, 0.0011723298812285066, -0.01912022940814495, 0.042421646416187286, 0.01591174677014351, -0.008275269530713558, -0.05757845565676689, -0.02405635453760624, 0.006638363469392061, -0.002809236291795969, -0.006097567267715931, 0.004039638210088015, -0.026597008109092712, 0.03170735016465187, 0.01835077442228794, 0.03214288875460625, 0.017595836892724037, 0.019178301095962524, -0.014822895638644695, -0.0075711458921432495, 6.567134551005438e-05, -0.012209651991724968, -0.02475321851670742, -0.013138805516064167, 0.009429452009499073, 0.012267724610865116, 0.027119655162096024, 0.00807927642017603, -0.014271210879087448, -0.015490724705159664, 0.018612097948789597, -0.031416989862918854, 0.008877767249941826, 0.0330139696598053, -0.01891697570681572, -0.017392585054039955, 0.0167537909001112, 0.016100481152534485, -0.012013658881187439, -0.02195124141871929, 0.03066205233335495, 0.012579862028360367, 0.013487237505614758, -0.0006964111234992743, 0.011418420821428299, 0.014779341407120228, 0.0019853387493640184, 0.005956016480922699, 0.024724183604121208, -0.014706751331686974, 0.016594093292951584, 0.030720124021172523, 0.013922778889536858, -0.010707037523388863, -0.01125872228294611, -0.008551112376153469, -0.02646634541451931, -0.008485781028866768, 0.0021232599392533302, -0.02398376353085041, 0.019396070390939713, 0.0006986795924603939, -0.008035722188651562, 0.025609781965613365, -0.011106283403933048, -0.006260894704610109, 0.018612097948789597, -0.02171895280480385, 0.007491296622902155, 0.02080431766808033, -0.014024404808878899, -0.033333368599414825, 0.027105137705802917, 0.001388285425491631, 0.004384441301226616, 0.04062141105532646, 0.012826668098568916, 0.015229400247335434, 0.01946866139769554, 0.030545908957719803, -0.011077246628701687, 0.029660308733582497, -0.0347561314702034, 0.00277475593611598, -0.009799661114811897, -0.0029453427996486425, 0.005397072993218899, -0.00971981231123209, -0.020049382001161575, 0.0043771821074187756, -0.010692520067095757, -0.01832173764705658, 0.08954712748527527, 0.03362372890114784, -0.0029526017606258392, 0.0029761935584247112, -0.027366463094949722, 0.005556771066039801, 0.041724782437086105, -0.011875738389790058, -0.019352516159415245, -0.042421646416187286, -0.0015225770184770226, 0.008848731406033039, 0.0016840900061652064, -0.029689345508813858, 0.0016813678666949272, -0.007073903921991587, -0.03736937791109085, 0.012267724610865116, -0.0031286326702684164, 0.009901287965476513, 0.02636471949517727, 4.239147529006004e-05, 0.030255548655986786, 0.018786314874887466, -0.0033028488978743553, -0.004671172238886356, 0.019802575930953026, -0.005974164232611656, 0.02897796221077442, -0.03562721237540245, 0.02100757136940956, 0.02423057146370411, -0.03684672713279724, -0.010409418493509293, -0.002145037055015564, -0.011933810077607632, -0.01993323676288128, 0.0073279691860079765, 0.027047066017985344, 0.00475465040653944, 0.02237226441502571, 0.005694692023098469, 0.0018800832331180573, -0.00626815389841795, -0.004772798158228397, -0.02832465060055256, -0.020121971145272255, -0.014256692491471767, -0.027714895084500313], metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='ae1c1db7-3b98-4dd3-a16a-8a4830697078', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='fe190817b0f2ba13237ad1733b1745b49119ef0fae7916a922b4361f7b85b60c'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='190a4e69-a4b6-4e49-8752-3f4addccbe64', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='11050f0b790715066368347f720eca13da117c4c6ef1dcf77f90ebe56d300c89'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='1d2a4e23-d59c-4fda-bdc8-74c76fdd6c57', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='aa2dee8edae06d088943479869485ae1110af63d71053a8f3f3f9ee459b03849')}, hash='7ba6728286ec73c128aa0db7a4a46078ce342a68b15d0e60fd7dfbc965d097a7', text='4. VP-tree. A general metric space algorithm with metric pru ning [50] implemented as a part of nmslib 1.1. 5. FALCONN7, version 1.2. A new efficient LSH a lgorithm for cosine similarity data [51]. The comparison was done on a 4X Xeon E5-4650 v2 Debian OS system with 128 Gb of RAM. For every alg orithm we carefully chose the best results at every recall range to evaluate the best possible performance (with initial values from the testbed defaults). All tests were done in a single thread regime. Hierarchical NSW was compiled using the GCC 5.3 with-Ofast optimization flag. The parameters and description of the used datasets are outlined in Table 1. For all of the datasets except GloVe we used the L2 distance. For GloVe we used the cosine similarity which is equivalent to L2 after vector normalization. The brute-force (BF) t ime is measured by the nmslib library. ', start_char_idx=64, end_char_idx=937, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
450
       " TextNode(id_='1d2a4e23-d59c-4fda-bdc8-74c76fdd6c57', embedding=[-0.01417618989944458, 0.024624833837151527, 0.0027938608545809984, -0.011981398798525333, 0.007383132353425026, 0.0089878486469388, 0.0003669978177640587, -0.008692811243236065, -0.041967280209064484, -0.06073454022407532, -0.010966758243739605, 0.000494727457407862, -0.0061813946813344955, 0.016349392011761665, 0.003592620836570859, 0.01657966524362564, 0.01912706159055233, 0.000297511083772406, 0.014255346730351448, -0.01083003357052803, -0.021616891026496887, 0.016032766550779343, -0.014420854859054089, -0.03203675150871277, 0.0011468681041151285, 0.03543327748775482, 0.0076134055852890015, -0.002194790868088603, -0.011254599317908287, 0.007300377823412418, 0.0315474197268486, -0.010182389989495277, -0.0005563434679061174, 0.022235749289393425, -0.0172417014837265, 0.0006408969056792557, 0.009916136972606182, -0.020767757669091225, 0.026639724150300026, 0.011175443418323994, 0.013327057473361492, -0.0127010028809309, -0.015442692674696445, -0.010549387894570827, -0.03036727011203766, -0.005807200446724892, 0.010628544725477695, -0.015154850669205189, 0.011348147876560688, 0.029906723648309708, 0.0082538528367877, 0.03428191319108009, -0.019256591796875, 0.014895793981850147, -0.008153107948601246, -0.005771220661699772, 0.005368242505937815, 0.01637817732989788, 0.00518474355340004, -0.021631283685564995, -0.0030403248965740204, -0.0019501256756484509, -0.026913173496723175, 0.025848159566521645, -0.003813898889347911, -0.03865710273385048, -0.00633610924705863, -0.0017999083502218127, -0.009462786838412285, -0.012089340016245842, 0.013132764957845211, 0.04165065288543701, -0.03497273102402687, -0.0025042204651981592, 0.03730424866080284, -0.025214908644557, 0.010614152066409588, 0.022912176325917244, 0.0011387725826352835, 0.005170351359993219, 0.006282139103859663, -0.022091828286647797, -0.00336774461902678, 0.01692507602274418, 0.01227643620222807, 0.03690126910805702, 0.008052363991737366, 0.023185625672340393, -0.027316151186823845, 0.008059559389948845, 0.03946305811405182, 0.023430291563272476, 0.024783145636320114, -0.01865212433040142, -0.008692811243236065, 0.0016694802325218916, -0.009419610723853111, 0.006087846122682095, 0.010146410204470158, -0.018105225637555122, -0.01280174683779478, -0.0018511801026761532, -0.010534996166825294, -0.01488140132278204, 0.0038786630611866713, 0.012960059568285942, -0.009901745244860649, -0.013147156685590744, -0.011952615343034267, 0.005030028987675905, -0.005925935227423906, 0.008484126068651676, -0.016536489129066467, -0.010024077259004116, -0.0157737098634243, -0.0119670070707798, 0.038685888051986694, -0.02781987376511097, -0.00449752202257514, -0.003983005881309509, 0.0315474197268486, 0.009714648127555847, 0.033533524721860886, -0.020623838528990746, 0.03629680350422859, 0.0036268020048737526, -0.003441503969952464, -0.020479917526245117, -0.018680907785892487, -0.03992360457777977, 0.02935982495546341, 0.03379258140921593, 0.011549636721611023, -0.0004000545886810869, -0.026438234373927116, 0.020479917526245117, 0.0035836256574839354, -0.037073973566293716, -0.020825326442718506, -0.024840714409947395, -0.0013015829026699066, 0.0276039931923151, -0.01501092966645956, -0.015241202898323536, -0.010254350490868092, 0.03344717249274254, -0.008577674627304077, 0.029676450416445732, 0.013161549344658852, -0.034800026565790176, -0.007433504797518253, -0.014061053283512592, -0.01584566943347454, 0.040902264416217804, 0.013319862075150013, -0.008887103758752346, 0.0030385260470211506, 0.00263194995932281, -0.019026318565011024, -0.041621871292591095, -0.01758711040019989, 0.02681242860853672, -0.001782817766070366, -0.010642936453223228, 0.013528547249734402, 0.017198525369167328, -0.0056668780744075775, -0.0021444186568260193, -0.025992080569267273, -0.020983640104532242, -0.005943925119936466, 0.015543436631560326, -0.026913173496723175, 0.011240207590162754, 0.03713154420256615, -0.019026318565011024, 0.03290027379989624, -0.0011378731578588486, -0.021573714911937714, -0.02252359129488468, -0.004000995773822069, 0.008671223185956478, 0.026970740407705307, 0.005796406418085098, -0.009095788933336735, 0.0034684890415519476, 0.02633748948574066, -0.0035296555142849684, 0.019947409629821777, -0.02252359129488468, 0.0028910073451697826, -0.0006247058627195656, -0.0014625942567363381, -0.0014032269828021526, -0.6046972274780273, -0.020782150328159332, 0.01624864898622036, -0.033332034945487976, 0.014003485441207886, 0.007663778029382229, 0.00037509333924390376, 0.028971239924430847, 0.008030775934457779, 0.03569233790040016, -0.03151863440871239, 0.003939829301089048, -0.009477178566157818, 0.0014679912710562348, -0.01670919358730316, -0.006847027689218521, 0.0009642687509767711, -0.01826353743672371, 0.029403001070022583, 0.02147297002375126, -0.02406354248523712, 0.03626801818609238, -0.006062659900635481, -0.0038570750039070845, 0.01039827149361372, 0.0018547781510278583, 0.025099771097302437, -0.036613427102565765, 0.013845172710716724, -0.0013726437464356422, -0.02956131473183632, 0.016234256327152252, 0.005073205102235079, 0.02547396533191204, 0.04487447813153267, -0.02627992257475853, -0.009944921359419823, 0.01113226730376482, 0.04781046137213707, 0.011974203400313854, -0.037419386208057404, -0.01344219408929348, -0.0009957514703273773, -0.007548641413450241, -0.021847164258360863, 0.011823086068034172, 0.012758570723235607, -0.011995791457593441, -0.015198026783764362, -0.03577869012951851, 0.00446513993665576, 0.01140571665018797, -0.017500758171081543, 0.0009381831041537225, 0.011319363489747047, -0.021228304132819176, 0.024092327803373337, -0.028337987139821053, 0.028395555913448334, 0.012585866264998913, 0.0067498814314603806, -0.012535493820905685, 0.011038718745112419, -0.03056875802576542, -0.022969745099544525, 0.00942680612206459, -0.02622235380113125, 0.0026553370989859104, -0.018738476559519768, -0.02321441099047661, 0.007239211816340685, 0.014377678744494915, -0.0005612907698377967, 0.012010183185338974, 0.020623838528990746, 0.026869997382164, 0.04047050327062607, 0.016737978905439377, -0.012693806551396847, -0.006210178602486849, 0.00809554010629654, -0.004828539676964283, -0.01450720801949501, 0.0009561732294969261, 0.02721540629863739, 0.0035548415035009384, -0.028467517346143723, 0.015097282826900482, -0.006206580437719822, -0.007829287089407444, 0.007987599819898605, 0.017961304634809494, -0.02622235380113125, -0.03891615942120552, 0.007206829730421305, 0.012283632531762123, 0.009146161377429962, 0.01200298685580492, 0.009520354680716991, -0.04375189542770386, -0.013449390418827534, -0.012614650651812553, 0.00809554010629654, -0.030194565653800964, -0.0001457197213312611, 0.0002347706613363698, 0.0020742572378367186, 0.016075942665338516, 0.015457084402441978, -0.020479917526245117, 0.008764770813286304, -0.022379670292139053, -0.01093077752739191, -0.0020094928331673145, 0.015169243328273296, -0.034137994050979614, 0.045507729053497314, -0.0082538528367877, -0.008102736435830593, -0.008016383275389671, 0.018364282324910164, 0.0032184268347918987, 0.0119670070707798, -0.006523206364363432, -0.0004960767109878361, 0.012254848144948483, 0.00483213784173131, -0.00595112144947052, -0.023257587105035782, -0.011161050759255886, 0.0022991334553807974, -0.008412165567278862, 0.028309203684329987, -0.019947409629821777, 0.03911764919757843, -0.008333008736371994, 0.01751515083014965, 0.005652485881000757, -0.00027547322679311037, -0.030194565653800964, -0.018882397562265396, 0.0070952908135950565, 0.005109185352921486, -0.03551962971687317, -0.017097780480980873, 0.009117376990616322, -0.01699703559279442, 0.028467517346143723, -0.005422212649136782, -0.004659432917833328, -0.017615895718336105, -0.010103234089910984, -0.020609445869922638, 0.01692507602274418, -0.005012038629502058, -0.001998698804527521, 0.007692561950534582, -0.0155866127461195, -0.01306800078600645, -0.02453848160803318, 0.006868615746498108, 0.02734493464231491, -0.017068997025489807, -0.011398520320653915, -0.007670973893254995, -0.022235749289393425, 0.006019483786076307, -0.0014778857585042715, 0.023718133568763733, -0.04297472536563873, 0.002146217506378889, -0.03143228217959404, 0.00630372716113925, 0.019501255825161934, -0.009937725029885769, 0.012190083973109722, -0.010808445513248444, 0.00712047703564167, -0.009095788933336735, -0.018968749791383743, 0.008217872120440006, 0.014823833480477333, -0.005558937322348356, -0.004472336266189814, 0.04473055526614189, 0.003756330581381917, 0.01193822268396616, -0.002873017219826579, -0.0015300570521503687, -0.007634993642568588, 0.013967504724860191, -0.0006912691751495004, -0.010218370705842972, 0.005738838110119104, -0.017040211707353592, 0.002137222560122609, 0.013672467321157455, -0.007156457286328077, -0.009304474107921124, 0.03108687326312065, -0.0024340590462088585, -0.00038453814340755343, 0.01230522058904171, -0.00014729384565725923, 0.01951564848423004, -0.023718133568763733, 0.010189586319029331, -0.012506709434092045, 0.007383132353425026, 0.0077573261223733425, 0.009505962952971458, 0.0023602996952831745, -0.0111394627019763, -0.005508565343916416, 0.013578918762505054, 0.016752371564507484, -0.013219117186963558, 0.00372035033069551, -0.0017567321192473173, 0.010837229900062084, 0.004321219399571419, 0.001066812314093113, 0.02514294721186161, 0.021185128018260002, -0.0002871667966246605, -0.0059043471701443195, 0.017802990972995758, 0.030482405796647072, 0.00332816643640399, -0.015111674554646015, -0.017284877598285675, 0.007728542201220989, 0.012585866264998913, 0.010088841430842876, 0.014766264706850052, 0.005961915478110313, 0.02688438817858696, 0.0007618802483193576, 0.00555174145847559, 0.003078104229643941, 0.022077437490224838, 0.021156344562768936, 0.0073183681815862656, -0.008203480392694473, 0.012492317706346512, 0.0067139011807739735, 0.036152880638837814, 0.005220723804086447, -0.01973152905702591, 0.026711683720350266, 0.0001144057241617702, -5.262100967229344e-05, 0.01340621430426836, 0.030050644651055336, 0.010016881860792637, -0.007958815433084965, 0.001831391011364758, 0.0037311443593353033, 0.03269878402352333, 0.02380448579788208, 0.028928061947226524, -0.033274468034505844, 0.027373719960451126, -0.009887352585792542, 0.013550135307013988, -0.05494892597198486, 0.01033350732177496, 0.011391323991119862, 0.0019195424392819405, -0.011002738028764725, -0.0077573261223733425, -0.00792283471673727, 0.004087348002940416, -0.018508203327655792, 0.023358331993222237, -0.004310425370931625, 0.010110429488122463, -0.0009939523879438639, 0.0379662849009037, 0.016478922218084335, -0.028366772457957268, -0.015903238207101822, 0.010412663221359253, 0.02440895326435566, 0.004141318611800671, -0.024178680032491684, -0.016061551868915558, 0.01424095407128334, -0.01183747872710228, 0.0022721481509506702, -0.01387395616620779, 0.002137222560122609, -0.009239709936082363, -0.01404666155576706, -0.003932633437216282, 0.008613654412329197, 0.024121111258864403, 0.003180647734552622, -0.009095788933336735, 0.0060518658719956875, -0.004483130294829607, -0.014622344635426998, -0.006411667447537184, -0.018666516989469528, 0.05100550130009651, -0.012017379514873028, -0.02039356529712677, -0.020033763721585274, -0.015500260517001152, 0.0006202083313837647, -0.011808694340288639, -0.017040211707353592, 0.006695910822600126, 0.018666516989469528, 0.014370483346283436, 0.015025322325527668, -0.011333756148815155, 0.015356339514255524, 0.0326412171125412, -0.00939082633703947, -0.0075198570266366005, -0.023991582915186882, 0.010297526605427265, 0.016464529559016228, 0.04064320772886276, 0.035865042358636856, -0.016018375754356384, -0.0015930223744362593, -0.03275635465979576, -0.008318617008626461, -0.026452627032995224, 0.00859206635504961, 0.013665271922945976, 0.0012889899080619216, -0.01813400909304619, -0.028856102377176285, 0.019011925905942917, 0.017025820910930634, 0.02600647322833538, 0.0035404495429247618, -0.005022832658141851, -0.02153053879737854, 0.0051343715749681, 0.03537571057677269, -0.006149012129753828, -0.007685366086661816, 0.00408015213906765, 0.02581937611103058, -0.011412912048399448, -0.0019843068439513445, 0.02547396533191204, -0.004119730554521084, 0.0054833791218698025, -0.02943178452551365, -0.0066743227653205395, 0.021516146138310432, 0.031202010810375214, 0.021962299942970276, -0.008109931834042072, 0.00739032868295908, 0.019673960283398628, 0.012341201305389404, 0.01303921639919281, -0.022019868716597557, 0.030511191114783287, 0.010254350490868092, 0.002408872824162245, 0.0016811738023534417, 0.006980154663324356, 0.009304474107921124, 0.01424095407128334, 0.028323596343398094, -0.039952389895915985, -0.006569980643689632, 0.008325813338160515, -0.03258365020155907, -0.013211920857429504, -0.0013546537375077605, -0.0044471500441432, -0.005361046642065048, -0.021746419370174408, -0.002322520362213254, 0.0017261489992961287, -0.05089036375284195, -0.006976556498557329, -0.006649137008935213, 0.00596911134198308, 0.00010192509944317862, -0.016306215897202492, -0.010844425298273563, -0.022768257185816765, -0.008793555200099945, -0.0320943184196949, -0.008412165567278862, -0.000465943303424865, -0.013571723364293575, -0.04248539358377457, -0.017068997025489807, 0.017601503059267998, 0.017040211707353592, 0.013578918762505054, 0.015327556058764458, -0.019314158707857132, 0.007584621664136648, -0.012751375325024128, -0.01116824708878994, -0.0022919373586773872, -0.010642936453223228, 0.00041107353172264993, -0.011060306802392006, -0.011679165996611118, -0.012981647625565529, -0.002644543070346117, -0.024365777149796486, 0.011974203400313854, -0.016493313014507294, 0.00042276710155420005, 0.008613654412329197, 0.01571614108979702, 0.0035980178508907557, 0.015816885977983475, 0.02507098764181137, 0.007663778029382229, -0.021847164258360863, 0.024970242753624916, 0.014456835575401783, -0.01153524499386549, 0.005695661995559931, 0.018364282324910164, 0.0066707250662148, 0.0033659455366432667, -0.007196035701781511, -0.004018985666334629, -0.005094793159514666, 0.020177682861685753, -0.01637817732989788, 0.020479917526245117, 0.009131768718361855, 0.01387395616620779, 0.03385015204548836, 0.009858569130301476, 0.015140458941459656, 0.016018375754356384, -0.009743432514369488, 0.0020094928331673145, 0.0010686112800613046, 0.015154850669205189, 0.009131768718361855, -0.017543934285640717, 0.01960200071334839, -0.004054965917021036, -0.004411169793456793, -0.027460072189569473, 0.008750379085540771, -0.014953361824154854, 0.01571614108979702, 0.012844922952353954, -0.01578810252249241, -0.030396053567528725, -0.015226811170578003, -0.007354348432272673, -0.01584566943347454, -0.03336082026362419, -0.01380919199436903, -0.004709805361926556, -0.022077437490224838, 0.01447842363268137, -0.006865018047392368, -0.02073897421360016, -0.019544431939721107, -0.03148985281586647, 0.011434500105679035, -0.0014994739321991801, 0.012060555629432201, -0.02802136167883873, -0.0015759317902848125, -0.0052459100261330605, -0.04072955995798111, -0.01444963924586773, -0.014550384134054184, -0.01531316339969635, 0.006220972631126642, 0.02059505321085453, 0.006408069748431444, 0.025114163756370544, 0.0020940464455634356, 0.008570478297770023, 0.027935009449720383, 0.000860375992488116, -0.010081646032631397, -0.006282139103859663, -0.009340453892946243, -0.009210925549268723, -0.00038701179437339306, 0.03669977933168411, -0.0024862303398549557, 0.014154601842164993, 0.00299175176769495, 0.02167445980012417, 0.02622235380113125, 0.0055913194082677364, -0.030511191114783287, -0.016867507249116898, -0.04683179780840874, 0.007692561950534582, -0.02661093883216381, -0.004270846955478191, 0.019098278135061264, -0.02996429242193699, -0.013413410633802414, 0.00043738403473980725, 0.005353850312530994, 0.0046738251112401485, -0.0013663471909239888, 0.032871488481760025, 0.015356339514255524, 0.0023674957919865847, 0.02708587795495987, 0.01892557367682457, -0.04216876998543739, 0.007246407680213451, -0.021760812029242516, -0.013974701054394245, 0.006192188709974289, -0.015269987285137177, 0.007944422774016857, 0.010139213874936104, -0.006127424072474241, -0.007368740160018206, 0.007728542201220989, -0.011513656936585903, -0.014039465226233006, -0.0004915791796520352, -0.0014562977012246847, -0.010880406014621258, -0.024581657722592354, -0.023156842216849327, 0.001973512815311551, -0.034339480102062225, -0.00018855862435884774, -0.009124573320150375, 0.012161299586296082, -0.03330325335264206, -0.010995542630553246, 0.012326808646321297, 0.015356339514255524, 0.03977968543767929, 0.0015399516560137272, 0.03068389557301998, 0.03241094574332237, -0.02607843279838562, -0.026654114946722984, 0.014996537938714027, 0.012391572818160057, -0.00715285912156105, 0.03543327748775482, 0.03491516411304474, -0.049508724361658096, -0.03189282864332199, 0.005101989023387432, -0.000236119914916344, -0.02334393933415413, -0.05184023827314377, 0.03569233790040016, 0.009894548915326595, 0.01859455555677414, -0.04026901349425316, -0.0031428684014827013, -0.032612431794404984, 0.02648141048848629, -0.01129777543246746, 0.0019681158009916544, -0.007620601449161768, -0.002878414234146476, -0.005839582998305559, 0.02268190309405327, -0.00296836462803185, 0.05270376428961754, 0.006584372371435165, -0.009513159282505512, 0.006246158853173256, -0.0023890838492661715, -0.006987350527197123, 0.013758819550275803, -0.0030547170899808407, 0.05457473173737526, -0.014665520749986172, -0.0089878486469388, 0.019846666604280472, 0.004393179900944233, -0.004828539676964283, 0.0028640220407396555, -0.008030775934457779, 0.03324568271636963, -0.029460569843649864, -0.015097282826900482, 0.0010362290777266026, 0.01046303566545248, 0.015399515628814697, -0.00298455567099154, -0.01383797638118267, -0.006372089497745037, -0.009441198781132698, 0.011794302612543106, 0.03456975519657135, -0.00744070066139102, 0.02072458155453205, 0.0066707250662148, -0.014061053283512592, -0.01273698266595602, -0.022437239065766335, -0.000412872526794672, 0.0050983913242816925, -0.06010128930211067, -0.02661093883216381, 0.013751624152064323, -0.013658075593411922, 0.005699260160326958, -0.008440949954092503, -0.026092825457453728, 0.02528686821460724, 0.02373252436518669, -0.03623923659324646, 0.01093077752739191, 0.03992360457777977, 0.02026403695344925, -0.04271566867828369, 0.006282139103859663, -0.021228304132819176, -0.01791812852025032, 0.025056594982743263, -0.023286370560526848, -0.02193351648747921, -0.007570229470729828, 0.00596551364287734, 0.018911181017756462, 0.024509696289896965, -0.0040153879672288895, 0.012247652746737003, 0.007527053356170654, 0.0070808990858495235, -0.009009436704218388, -0.01839306764304638, 0.007944422774016857, -0.008757575415074825, 0.0027884638402611017, 0.03042483888566494, -0.015903238207101822, 0.027776697650551796, -0.009894548915326595, -0.0007097090128809214, -0.010650132782757282, -0.04167943820357323, -0.03108687326312065, 0.004810549784451723, 0.00780769856646657, 0.003875065129250288, -0.016766762360930443, -0.018148401752114296, 0.003621404990553856, -0.01764467917382717, 0.02600647322833538, 0.002378289820626378, -0.028323596343398094, 0.011456088162958622, -0.0005059712566435337, -0.006480029784142971, -0.016824331134557724, -0.008728791028261185, -0.000923791085369885, 0.004270846955478191, 0.005357448477298021, -0.041161324828863144, 0.001328568090684712, 0.009383630007505417, 0.04734991490840912, 0.027402503415942192, -0.008059559389948845, -0.033533524721860886, 0.004551492631435394, -0.040959835052490234, -0.0005702858325093985, -0.023257587105035782, 0.02653897926211357, -0.003078104229643941, 0.01340621430426836, 0.003299382282420993, 0.024178680032491684, -0.013269489631056786, 0.0029071983881294727, -0.011096286587417126, -0.009095788933336735, -0.007714150007814169, 0.014435247518122196, 0.015269987285137177, -0.001156762707978487, -0.04205363243818283, 0.01457916758954525, -0.005044420715421438, 0.004576678387820721, -0.01340621430426836, 0.00822506844997406, -0.01370844803750515, -0.005710054188966751, -0.00224876101128757, 0.009613903239369392, 0.017774207517504692, 0.003756330581381917, 0.013629291206598282, -0.032468512654304504, -0.0046378448605537415, 0.00822506844997406, 0.0061993845738470554, -0.018954357132315636, 0.0020508700981736183, 0.00024174181453417987, -0.01086601335555315, -0.004785363562405109, -0.019501255825161934, -0.020681405439972878, 0.008376185782253742, -0.01905510202050209, 0.026308706030249596, 0.02024964429438114, 0.00596551364287734, 0.04360797628760338, -0.0008918586536310613, 0.014262542128562927, -0.004350003320723772, -0.011067502200603485, -0.022250141948461533, 0.009937725029885769, 0.018090832978487015, -0.014003485441207886, 0.009822588413953781, -0.014428051188588142, 0.011520853266119957, -0.0064764320850372314, 0.012772963382303715, -0.01150646060705185, -0.02360299602150917, -0.026092825457453728, 0.029935507103800774, 0.010844425298273563, -0.015687357634305954, 0.0007591817411594093, -0.009383630007505417, 0.010506211780011654, -0.009340453892946243, 0.003004344878718257, 0.004925686400383711, -0.00409454433247447, 0.01786055974662304, 0.007930031046271324, -0.017817383632063866, -0.01637817732989788, 0.0011216819984838367, 0.021775202825665474, -0.009160553105175495, -0.0014446041313931346, 0.1998770833015442, -0.0009804598521441221, 0.0361240990459919, 0.03022334910929203, 0.00022296466340776533, -0.010837229900062084, 0.031115656718611717, 0.00446154223755002, 0.008210676722228527, -0.004929284565150738, 0.009577923454344273, 0.006242560688406229, -0.014550384134054184, 0.003106888383626938, 0.03537571057677269, -0.02226453460752964, -0.02367495745420456, -0.03436826542019844, -0.010542192496359348, 0.010606956668198109, -0.001708158990368247, -0.014399266801774502, -0.015802493318915367, -0.012960059568285942, 0.016637234017252922, -0.012499514035880566, -0.03416677564382553, -0.006256952881813049, 0.02520051598548889, -0.0020166889298707247, -0.01254269015043974, -0.0051523614674806595, 0.03068389557301998, -0.01597519963979721, 0.0027902626898139715, -0.020048154518008232, 0.01951564848423004, -0.0005513962241820991, -0.007980403490364552, 0.014025073498487473, -0.02052309364080429, -0.02413550391793251, 0.010923582129180431, 0.02059505321085453, 0.004835736006498337, 0.0030547170899808407, -0.006562784314155579, 0.01301043201237917, 0.0036645811051130295, 0.010376683436334133, -0.023300763219594955, -0.025229301303625107, 0.0073363580740988255, -0.0021893938537687063, -0.01639256812632084, -0.007397524546831846, 0.0018160995095968246, 0.024049149826169014, 0.013571723364293575, 0.018335498869419098, -0.023905230686068535, -0.0021066393237560987, 0.018148401752114296, 0.012341201305389404, -0.029172727838158607, 0.03379258140921593, -0.03361987695097923, 0.016824331134557724, 0.014118622057139874, 0.010009685531258583, -0.0007605309947393835, -0.013053608126938343, -0.02114195190370083, -0.006836233660578728, -0.04432757943868637, -0.030511191114783287, 0.028136499226093292, 0.0033857347443699837, 0.005235115997493267, 0.030914168804883957, -0.003004344878718257, 0.013600506819784641, 3.2438380003441125e-05, 0.0163206085562706, -0.005742436274886131, -0.047378696501255035, -0.0016937669133767486, -0.009311669506132603, -0.01454318780452013, -0.029460569843649864, -0.008261049166321754, 0.015370732173323631, -0.01624864898622036, -0.011988595128059387, 0.01845063455402851, 0.003580027725547552, 0.03405164182186127, 0.012650630436837673, -0.025258084759116173, -0.0051343715749681, -0.012593062594532967, 0.0379662849009037, 0.025373220443725586, 0.0029125954024493694, -0.012463533319532871, -0.005490574985742569, 0.008412165567278862, 0.0051523614674806595, 0.009081397205591202, 0.02147297002375126, -0.004155710339546204, -0.03730424866080284, -0.002538401633501053, 0.001161260181106627, 0.01564418151974678, 0.04366554319858551, 0.0021839968394488096, -0.012413160875439644, 0.012211672030389309, -0.019069494679570198, 0.010628544725477695, -0.015356339514255524, 0.021113168448209763, 0.02914394438266754, -0.013355841860175133, 0.013118372298777103, -0.01678115501999855, -0.002702111378312111, -0.01564418151974678, -0.03456975519657135, 0.02000497840344906, -0.018277930095791817, 0.01912706159055233, 0.0052962820045650005, 0.003544047474861145, -0.0230129212141037, -0.030712679028511047, -0.015140458941459656, -0.02802136167883873, -0.002219976857304573, 0.024221856147050858, -0.005361046642065048, 0.01457197219133377, 0.030856600031256676, -0.0038786630611866713, 0.000502822978887707, 0.002182197757065296, 0.02501341886818409, 0.013298274017870426, -0.021372225135564804, -0.000709259242285043, -0.022379670292139053, 0.01986105740070343, -0.020076939836144447, 0.019558824598789215, -0.021372225135564804, -0.006026679649949074, -0.03753452003002167, -0.00663834298029542, -0.0008900596294552088, -0.0410749725997448, 0.015903238207101822, 0.030136996880173683, -0.005220723804086447, -0.008843927644193172, -0.012981647625565529, -0.185600146651268, 0.0018547781510278583, 0.03281392157077789, -0.03546206280589104, 0.015457084402441978, 0.011146659031510353, 0.013032020069658756, -0.00601588562130928, -0.010794052854180336, -0.0007146562566049397, 0.01645013689994812, 0.002696714363992214, 0.010542192496359348, -0.02446652017533779, 0.009110180661082268, 0.006962164305150509, 0.022955352440476418, 0.010182389989495277, 0.02461044117808342, 0.004123328253626823, 0.002908997470512986, -0.026783643290400505, 0.01083003357052803, 0.022883392870426178, -0.003470288123935461, 0.005735240411013365, -0.007257201708853245, 0.023099273443222046, -0.009743432514369488, -0.019673960283398628, 0.006098640151321888, -0.02312805876135826, 0.0025851756799966097, -0.029532529413700104, -0.006605960428714752, 0.018105225637555122, 0.004918490070849657, -0.0003456345875747502, 0.004940078593790531, 0.05207051336765289, 0.026193568482995033, 0.016075942665338516, 0.014967753551900387, 0.006397275719791651, -0.026294313371181488, -0.004663031082600355, 0.020753366872668266, -0.014068249613046646, -0.0008041569963097572, -0.002088649198412895, -0.02019207552075386, 0.008469733409583569, 0.033274468034505844, 0.007721346337348223, 0.0025042204651981592, -0.0016604851698502898, 0.020753366872668266, 0.007260799873620272, 0.03382136672735214, -0.017068997025489807, -0.018954357132315636, -0.0118734585121274, -0.0018583761993795633, -0.010477427393198013, -0.008239461109042168, -0.029503745958209038, -0.009383630007505417, 0.009721844457089901, -0.028784142807126045, -0.01945807971060276, -0.011348147876560688, -0.0015471476363018155, 0.014161798171699047, 0.014615148305892944, 0.014320110902190208, 0.0244809128344059, 0.0004396328004077077, 0.002577979816123843, -0.005012038629502058, 0.019774705171585083, -0.009829784743487835, 0.03163377195596695, -0.00013582517567556351, -0.01799008809030056, 0.010275938548147678, -0.007034124806523323, -0.016363784670829773, -0.00895906426012516, -0.011319363489747047, 0.011995791457593441, 0.004108936060220003, -0.015327556058764458, 0.022048652172088623, -0.003425312926992774, 0.030942952260375023, -0.00788685493171215, 0.012154104188084602, -0.009455590508878231, 0.012895295396447182, -0.008937476202845573, 0.0065663824789226055, -0.002689518267288804, -0.026869997382164, 0.009412414394319057, 0.04113253951072693, 0.016896290704607964, -0.02527247741818428, -0.007052114699035883, 0.012499514035880566, -0.036613427102565765, 0.0026103619020432234, 0.014276934787631035, 0.03451218456029892, 0.006559186149388552, -0.01953004114329815, 0.03937670588493347, 0.003463092027232051, -0.03341838717460632, 0.022221358492970467, -0.023228801786899567, 0.05287646874785423, 0.00712047703564167, -0.022034261375665665, 0.0032436130568385124, 0.007721346337348223, 0.009844176471233368, -0.1058105081319809, -0.01016080193221569, 0.019760314375162125, 0.012564278207719326, -0.04994048550724983, 0.006976556498557329, -0.005497771315276623, 0.022178182378411293, -0.026927564293146133, 0.03770722448825836, -0.004486727993935347, -0.02433699183166027, -0.011578421108424664, 0.006559186149388552, 0.01254269015043974, -0.026380665600299835, 0.01578810252249241, -0.03195039927959442, 0.0029575705993920565, 0.03957819566130638, 0.02132904902100563, -7.089219434419647e-05, -0.0089878486469388, -0.013686859980225563, -0.0036771742161363363, 0.016219863668084145, -0.028640221804380417, 0.029791587963700294, 0.008901495486497879, 0.029129551723599434, 0.01344219408929348, -0.02580498345196247, 0.004209680948406458, -0.012103731743991375, -0.021631283685564995, -0.006699508987367153, -0.027704736217856407, -0.007527053356170654, 0.018479419872164726, -0.02889927849173546, -0.008613654412329197, 0.0022631532046943903, 0.009102985262870789, 0.006742685101926327, -0.02353103645145893, -0.002497024368494749, -0.020091330632567406, 0.022379670292139053, -0.006829037796705961, -0.004713403061032295, -0.0082538528367877, -0.04170822352170944, -0.006800253409892321, -0.006908194161951542, 0.009657079353928566, -0.019673960283398628, -0.004152112640440464, 0.0074263084679841995, -0.019573217257857323, 0.007570229470729828, -0.023243194445967674, 0.014629540033638477, -0.013183137401938438, 0.01657966524362564, 0.0246680099517107, 0.020753366872668266, -0.031806476414203644, -0.023099273443222046, 0.013888348825275898, -0.008664026856422424, -0.023156842216849327, 0.03583625704050064, -0.01046303566545248, 0.0041593085043132305, -0.035145439207553864, -0.015025322325527668, -0.029071982949972153, -0.02167445980012417, 0.003544047474861145, -0.004141318611800671, -0.010088841430842876, -0.01725609228014946, -0.0005356548936106265, -0.006641940679401159, 0.0034037248697131872, 0.0008513809298165143, -0.017155349254608154, -0.00750546483322978, 0.01190224289894104, -0.04231268912553787, 0.008325813338160515, 0.003081702161580324, -0.0023638976272195578, -0.030539974570274353, 0.013240705244243145, 0.01911267079412937, 0.0010227365419268608, 0.0010164399864152074, 0.033591095358133316, 0.013852368108928204, -0.03623923659324646, 0.011182638816535473, -0.06493702530860901, 0.018968749791383743, -0.0011585616739466786, -0.012154104188084602, -0.016219863668084145, -0.02547396533191204, 0.001933934516273439, 0.00745509285479784, -0.0059043471701443195, -0.0017801192589104176, -0.03304419666528702, -0.0003978058521170169, -0.01083003357052803, -0.009541942737996578, -0.016464529559016228, -0.01488140132278204, 0.020882895216345787, -0.01217569224536419, 0.021501753479242325, 0.0379662849009037, 0.003027732018381357, 0.0021678057964891195, 0.004709805361926556, 0.002182197757065296, -0.02079654298722744, -0.014723088592290878, -0.014823833480477333, 0.017774207517504692, 0.013600506819784641, 0.0038498789072036743, 0.021487362682819366, -0.03295784443616867, -0.003020535921677947, 0.004209680948406458, 0.00446154223755002, -0.012377181090414524, 0.0028100518975406885, 0.011880654841661453, 0.016032766550779343, 0.030079428106546402, -0.04876033589243889, -0.016349392011761665, -0.009117376990616322, -0.013233508914709091, -0.013715643435716629, 0.008088343776762486, 0.018824828788638115, 0.010758073069155216, -0.0030511191580444574, -0.00972903985530138, 0.03028091788291931, 0.011117874644696712, -0.002187594771385193, -0.05014197528362274, -0.025387613102793694, 0.008807947859168053, -0.00297556072473526, -0.004317621234804392, 0.005544545594602823, -0.023790093138813972, 0.033735014498233795, 0.00996650941669941, 0.032123103737831116, 0.01534194778650999, 0.020105723291635513, -0.030971737578511238, -0.027100270614027977, -0.003986603580415249, -0.0066203526221215725, -0.019040709361433983, -0.00372035033069551, 0.007116879336535931, 0.029474960640072823, 0.029590098187327385, 0.015385123901069164, -0.005033626686781645, -0.009067004546523094, 0.011348147876560688, -0.039952389895915985, 0.02373252436518669, 0.028568260371685028, -0.025704238563776016, -0.006030277814716101, 0.01598959043622017, 0.025301260873675346, -0.013485370203852654, -0.009865764528512955, 0.012593062594532967, 0.012391572818160057, 0.020076939836144447, 0.007303975988179445, 0.00892308447510004, 0.0014850818552076817, -0.0008158505079336464, -0.0022091828286647797, 0.030712679028511047, -0.0133414501324296, 0.014643932692706585, 0.022379670292139053, 0.0172417014837265, -0.006087846122682095, -0.004054965917021036, -0.01752954162657261, -0.025157339870929718, -0.015054106712341309, 0.010937973856925964, -0.01611911877989769, 0.012298024259507656, 0.013715643435716629, -0.006361295469105244, 0.02147297002375126, -0.004684619139879942, -0.003020535921677947, 0.018493810668587685, -0.032612431794404984, -0.0010901993373408914, 0.0002538851404096931, -0.029734019190073013, -0.04452906921505928, 0.027733521535992622, -0.014751872979104519, 0.0021516145206987858, 0.03811020404100418, 0.012535493820905685, 0.018105225637555122, 0.017140956595540047, 0.03911764919757843, -0.010614152066409588, 0.01919902302324772, -0.022509198635816574, 0.003957819659262896, -0.007670973893254995, 0.0008662227774038911, 0.008448145352303982, 0.00404777005314827, -0.022048652172088623, 0.0008010087185539305, 0.00022071589773986489, -0.01177271455526352, 0.09124573320150375, 0.025963295251131058, -0.00782209075987339, -7.343610377574805e-07, -0.02602086402475834, -0.005066009238362312, 0.03295784443616867, -0.004421963822096586, -0.028582653030753136, -0.0394342765212059, -0.007113281171768904, -0.010261546820402145, 0.0021893938537687063, -0.03485759720206261, -0.0037095563020557165, -0.022969745099544525, -0.039606980979442596, 0.014852616935968399, 0.001201737904921174, 0.0077573261223733425, 0.019875450059771538, 0.002506019314751029, 0.022509198635816574, 0.014679912477731705, -0.011340951547026634, -0.00521352794021368, -0.004260052926838398, -0.0018817633390426636, 0.018148401752114296, -0.03698762133717537, 0.010391075164079666, 0.029187120497226715, -0.05342336744070053, -0.018839221447706223, 0.0021732028108090162, 0.003756330581381917, -0.01226924080401659, -0.002002296969294548, 0.024639226496219635, 0.01340621430426836, 0.011110679246485233, 0.01699703559279442, -0.0018853612709790468, -0.005238713696599007, -0.014593560248613358, -0.016090335324406624, -0.023890838027000427, -0.02694195695221424, -0.0170546043664217], metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='ae1c1db7-3b98-4dd3-a16a-8a4830697078', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='fe190817b0f2ba13237ad1733b1745b49119ef0fae7916a922b4361f7b85b60c'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='9954c592-e1a0-4cf6-abcf-735a44ae4d7c', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f12c56f6194cfcb957185b18cb47df49b0c4ce1133c0cf8f7ae6fc24d0a96356'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='b9f51f04-61b6-440f-a2b8-a79c76671d62', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='68c24941e4e55e8b975a04fd9252f0106b5c489f45f596a60c614bbc2dfdb83f')}, hash='d6462c7fa5a7e5cb302c579cfc4a07faa16a642b91efee9ac96bd178c1ed9163', text='Results for the vector data are presented in Fig. 13. For SIFT, GloVE, DEEP and CoPhIR datasets Hierarchical NSW clearly outperforms the rivals by a large margin. For low dimensional data (d=4) Hiera rchical NSW is 7 https://github.com/FALCONN-LIB/FALCONN slightly faster at high recall compared to the Annoy while strongly outperforms the other algorithms. 5.3 Comparison in general spaces A recent comparison of algorithms [34] in general spaces (i.e. non-symmetric or with violation of triangle inequal ity) showed that the baseline NSW algorithm has severe problems on low dimensional datasets. To test the pe rformance of the Hierarchical NSW algorithm we have repeated a subset of tests from [34] on which NSW pe rformed poorly or suboptimal . For that purpose we used a built-in nmslib testing system which had scripts to run tests from [34]. The evaluated algorithms included the VP-tree, permutation techniques (NAPP and bruteforce filtering) [49, 55-57], the basic NSW algorithm and NNDescent-produced proximity graphs [29] (both in pair with the NSW graph search algorithm). As in the original tests, for every dataset the test includes the results of e ither NSW or NNDescent, depending on which structure performed better. No custom distance functions or special TABLE 1 Parameters of the used datasets on vector spaces benchmark. Dataset Description Size d BF time Space SIFT Image feature vectors [13] 1M 128 94 ms L2 GloVe Word embeddings trained on tweets [52] 1.2M 100 95 ms cosine CoPhIR MPEG-7 features extracted from the images [53] 2M 272 370 ms L2 Random vectors Random vectors in hypercube 30M 4 590 ms L2 DEEP One million subset of the billion deep image features dataset [14] 1M 96 60 ms L2 MNIST Handwritten digit images [54] 60k 784 22 ms L2 TABLE 2. Used datasets for repetition of the Non-Metric data tests subset. Dataset Description Size d BF time Distance Wiki-sparse TF-IDF (term frequency –inverse document frequency) vectors (created via GENSIM [58]) 4M 105 5.9 s Sparse cosine Wiki-8 Topic histograms created from sparse TF-IDF vectors of the wiki-sparse dataset (created via GENSIM [58]) 2M 8-Jensen–Shannon (JS) divergence Wiki-128 Topic histograms created from sparse TF-IDF vectors of the wiki-sparse dataset (created via GENSIM [58]) 2M 128 1.17 s Jensen–Shannon (JS) divergence ImageNet Signatures extracted from LSVRC-2014 with SQFD (signature quadratic form) distance [59] 1M 272 18.3 s SQFD DNA DNA (deoxyribonucleic acid) dataset sampled from the Human Genome 5 [34]. 1M-2.4 s Levenshtein 0,00,20,40,60,81,00,01 0,1 1 10 100Query time, msRecall1M SIFT, 10-NNBF: 94 ms Hierarchical NSW NSW Annoy VP-tree FLANN0,00,20,40,60,81,00,01 0,1 1 10 100Query time, msRecall1.2M GloVe, 10-NNBF: 95 ms Hierarchical NSW NSW Annoy VP-tree FLANN FALCONN0,01 0,1 1 10 1000,00,20,40,60,81,0RecallQuery time, ms2M CoPhIR, 10-NNBF: 370 ms Hierarchical NSW NSW Annoy VP-tree FLANN0,01 0,1 10,20,40,60,81,0RecallQuery time, ms30M random d=4,10-NNBF: 590 ms Hierachical NSW NSW Annoy VP-tree FLANN0,1 1 100,00,20,40,60,81,0RecallQuery time, ms60k MNIST, 10-NNBF: 22 ms Hierarchical NSW NSW Annoy VP-tree FLANN0,01 0,1 1 10 1000,00,20,40,60,81,0RecallQuery time, ms1M Deep,10-NNBF: 60 ms Hierarchical NSW NSW Annoy VP-tree FLANN Fig. 13. Results of the comparison of Hierarchical NSW with open source implementations of K-ANNS algorithms on five datasets for 10-NN searches. The time of a brute-force search is denoted as the BF. ', start_char_idx=937, end_char_idx=4391, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
451
       " TextNode(id_='b9f51f04-61b6-440f-a2b8-a79c76671d62', embedding=[-0.004507714416831732, 0.024711614474654198, 0.0003782619023695588, -0.0069752843119204044, 0.008519760333001614, 0.017111357301473618, -0.009863095358014107, 9.720320667838678e-05, -0.032182566821575165, -0.048819806426763535, 0.00584745779633522, 0.011551243253052235, -0.0003919556620530784, 0.019812393933534622, -0.00800972431898117, 0.0031913183629512787, 0.013907467015087605, -0.0029865854885429144, 0.007413484156131744, 0.0026022624224424362, -0.03396410122513771, 0.011565610766410828, -0.013440532609820366, -0.02827468514442444, 0.005696601700037718, 0.036291591823101044, 0.03045850247144699, -0.020645691081881523, -0.004716039169579744, -0.011975076049566269, 0.01007142011076212, -0.022283554077148438, -0.006903448142111301, 0.0018138611922040582, -0.006271290592849255, -0.0063790446147322655, 0.014561175368726254, -0.03229750692844391, 0.04295798018574715, -0.00831861887127161, 0.004119799472391605, -0.0021407154854387045, -0.005746887065470219, -0.00785886775702238, -0.002446018857881427, -0.0016181078972294927, 0.019496314227581024, -0.024797817692160606, -0.008634697645902634, 0.038561612367630005, 0.020832465961575508, 0.027240244671702385, -0.01341179758310318, 0.004055147059261799, -0.006993243470788002, 0.003994086757302284, 0.013124453835189342, 0.01991296373307705, -0.002868055831640959, -0.03031482920050621, 0.00896514393389225, -0.011299816891551018, -0.027972973883152008, 0.019208969548344612, -0.011738017201423645, -0.04390621930360794, -0.01632115989923477, 0.010236642323434353, 0.006375452969223261, -0.014130158349871635, 0.0036205388605594635, 0.023159954696893692, -0.03290092945098877, 0.01113459374755621, 0.037642110139131546, -0.028662599623203278, -0.0007843602797947824, 0.005226075649261475, -0.00032011957955546677, 0.012010994367301464, -0.0031051149126142263, -0.04491192102432251, -0.0028159746434539557, 0.01131418440490961, -0.0017554943915456533, 0.013318411074578762, 0.015703368932008743, 0.011041207239031792, -0.038015659898519516, -0.0048561193980276585, 0.04496939107775688, 0.0388776920735836, 0.029452797025442123, -0.025659851729869843, 0.0017985961167141795, 0.019338274374604225, -0.015315454453229904, 0.008354537189006805, 0.014101424254477024, -0.0164217296987772, -0.010796964168548584, 0.010473702102899551, -0.008922042325139046, -0.0077582974918186665, -0.0009679913055151701, -0.0026022624224424362, -0.013189106248319149, 0.012887394055724144, -0.005851049441844225, 0.026320742443203926, -0.009238121099770069, 0.008692166768014431, -0.003503805259242654, -0.008570045232772827, -0.01702515222132206, -0.014532440342009068, 0.021838171407580376, -0.023720277473330498, -0.007406300865113735, -0.012442010454833508, 0.022527797147631645, 0.004525673575699329, 0.01831820234656334, -0.01610565185546875, 0.008720900863409042, 0.025027694180607796, -0.006978875957429409, -0.028131011873483658, -0.000704891630448401, -0.03632032498717308, 0.030946986749768257, 0.02196747623383999, 0.01755673997104168, 0.006375452969223261, -0.02126348204910755, 0.028289051726460457, 0.016450464725494385, -0.020401449874043465, -0.02726897969841957, -0.030803315341472626, 0.003390663303434849, 0.04462457820773125, -0.006612511817365885, -0.019352642819285393, -0.003121278015896678, 0.02804480865597725, 0.00016275364032480866, 0.01771477982401848, 0.006282065995037556, -0.022599633783102036, -0.0015076599083840847, 0.004719630815088749, -0.0028878108132630587, 0.02361970581114292, 0.021550826728343964, 0.013138820417225361, -0.002688465639948845, 0.020027901977300644, -0.01520051620900631, -0.045170534402132034, -0.01913713477551937, 0.020631324499845505, 0.007384750060737133, -0.01048088539391756, 0.012987964786589146, 0.024409903213381767, 0.0030584214255213737, 0.0031985018867999315, -0.015559696592390537, -0.025257568806409836, -0.00702916132286191, 0.023432932794094086, -0.03715362399816513, 0.0001854269066825509, 0.011141777038574219, -0.00908008124679327, 0.04968183860182762, 0.01624932326376438, -0.03017115779221058, -0.016536667943000793, -0.0056642754934728146, 0.001339743030257523, 0.012700620107352734, 0.016809644177556038, -0.014180444180965424, 0.0038719652220606804, 0.027326447889208794, -0.009547016583383083, 0.01580393873155117, -0.01930954121053219, 0.022240452468395233, 0.011637446470558643, 0.00896514393389225, 0.00292372889816761, -0.6243418455123901, -0.019122766330838203, 0.010243826545774937, -0.028317786753177643, 0.0016477402532473207, 0.01762857660651207, 0.016838379204273224, 0.037728313356637955, 0.012262420728802681, 0.03479740023612976, -0.03416524454951286, 0.011766751296818256, 0.0021496950648725033, -0.0017590862698853016, -0.02415129356086254, -0.009985215961933136, 0.00467293756082654, -0.014302565716207027, 0.01739870011806488, 0.009295590221881866, -0.008325803093612194, 0.0300274845212698, -0.0020167981274425983, -0.006540676113218069, 0.0025214466731995344, 0.007672094274312258, 0.03212510049343109, -0.041607461869716644, 0.0015337005024775863, 0.017283763736486435, -0.021536460146307945, 0.01831820234656334, 0.011328550986945629, 0.015516594983637333, 0.05183692276477814, -0.020042268559336662, -0.017657309770584106, 0.009331507608294487, 0.025889726355671883, 0.021550826728343964, -0.03379169479012489, -0.020789364352822304, -0.002546589355915785, 0.01566026732325554, -0.009891829453408718, 0.014381584711372852, 0.014453421346843243, 0.010006766766309738, -0.024122558534145355, -0.03160787746310234, -0.001550761517137289, 0.0027351591270416975, -0.0222548209130764, 0.003972535487264395, -0.003505601081997156, -0.01520051620900631, 0.025501811876893044, -0.01708262227475643, 0.008117478340864182, 0.010251009836792946, 0.011522508226335049, -0.007223118562251329, -0.007284179329872131, -0.023504767566919327, -0.009891829453408718, 0.013167555443942547, -0.018361303955316544, 0.023763379082083702, -0.009367425926029682, -0.026996001601219177, 0.020947404205799103, 0.018260734155774117, 0.004762732889503241, 0.00035760903847403824, 0.016737809404730797, 0.0300274845212698, 0.025329405441880226, 0.006637654732912779, -0.025271935388445854, -0.0032793174032121897, 0.010495252907276154, 0.01405832264572382, -0.008110294118523598, -0.008598780259490013, 0.02764252759516239, 0.011192062869668007, -0.04269937053322792, 0.006996835116297007, -0.015746470540761948, -0.011263898573815823, 0.007223118562251329, -0.008167763240635395, -0.025329405441880226, -0.038561612367630005, 0.0040838816203176975, 0.01564590074121952, 0.014841335825622082, 0.006644838023930788, 0.01387154869735241, -0.0355444960296154, -0.01055990532040596, -0.019208969548344612, 0.012125931680202484, -0.026248907670378685, -0.003031482920050621, 0.01375661138445139, 0.0001822840713430196, 0.007866051979362965, 0.021364053711295128, -0.01113459374755621, 0.017341231927275658, -0.010265377350151539, -0.014726398512721062, 0.01397930271923542, -0.003372704377397895, -0.027786199003458023, 0.04132011905312538, 0.006163536570966244, -0.01953941583633423, 0.0018964727642014623, 0.03272852301597595, 0.0026597310788929462, 0.010150439105927944, -0.007995356805622578, 0.007341648451983929, 0.006472431588917971, 0.01322502363473177, -0.025271935388445854, -0.03132053464651108, 0.0010317458072677255, 0.023576604202389717, -0.007316505536437035, 0.019165867939591408, -0.02134968526661396, 0.02097613736987114, -0.012420459650456905, 0.011608712375164032, -0.0014645582996308804, 0.009755341336131096, -0.006231780629605055, -0.028289051726460457, 0.019180236384272575, 0.00915910117328167, -0.041291382163763046, -0.011738017201423645, -0.010150439105927944, -0.021608294919133186, 0.01425227988511324, -0.018174530938267708, -0.01216184999793768, -0.021708866581320763, -0.0036708242259919643, -0.034826137125492096, 0.01566026732325554, -0.0014259463641792536, -0.012743721716105938, -0.0028285461012274027, -0.02331799454987049, -0.006407779175788164, -0.015674633905291557, -0.0011197450803592801, 0.04292924702167511, -0.024280598387122154, -0.01470484770834446, -0.00495669012889266, -0.012930495664477348, 0.009388976730406284, 0.021751968190073967, 0.026248907670378685, -0.03321700915694237, -0.002327489200979471, -0.014008037745952606, -0.025200100615620613, 0.011982259340584278, -0.014209178276360035, 0.00028824229957535863, 0.0034499282483011484, -0.005825906991958618, 0.005739703308790922, -0.01617748662829399, 0.0012517438735812902, 0.02400762028992176, 0.008922042325139046, -0.01709698885679245, 0.026780493557453156, -0.003042258322238922, 0.008943593129515648, -0.001218519639223814, 0.0013154983753338456, 0.012018177658319473, 0.0033511535730212927, 0.023519136011600494, -0.011069941334426403, 0.008692166768014431, -0.014345667324960232, 0.01557406410574913, -0.0021622662898153067, -0.003414010163396597, -0.01265751849859953, 0.024438638240098953, 0.003950984682887793, 0.004184452351182699, -0.0012113359989598393, -0.01800212450325489, 0.01284429244697094, -0.035372089594602585, 0.005775621626526117, -0.011716466397047043, 0.0020383489318192005, 0.006587369367480278, 0.01755673997104168, -0.010653291828930378, -0.016464831307530403, -0.02088993415236473, 0.008354537189006805, 0.023734644055366516, -0.018562445417046547, 0.01151532493531704, -0.02248469553887844, 0.009733789600431919, 0.0007367688813246787, -0.008764002472162247, 0.03275725618004799, 0.002054512035101652, -0.002598670544102788, -0.004733998328447342, 0.032872192561626434, 0.026536250486969948, 0.002485528588294983, -0.0049279555678367615, -0.007887602783739567, -0.004195227753371, 0.020918669179081917, 0.013964936137199402, 0.02689543180167675, 0.0007641564006917179, 0.04200974479317665, -0.018634282052516937, 0.012592866085469723, -0.0038611898198723793, 0.020257776603102684, 0.005211708135902882, 0.007700828835368156, -0.0287200678139925, -0.002990177134051919, 0.005423624534159899, 0.031119393184781075, 0.010322845540940762, -0.004816609900444746, 0.03040103241801262, -0.008627514354884624, 0.033475618809461594, 0.005603214725852013, 0.013943384401500225, 0.01945321261882782, -0.01265751849859953, 0.012449193745851517, 0.01663723774254322, 0.023447299376130104, 0.03580310568213463, 0.006210229825228453, -0.010703577660024166, 0.027527589350938797, -0.015056843869388103, 0.0024442230351269245, -0.0627560093998909, 0.009317141026258469, 0.018878523260354996, 0.014510889537632465, -0.00904416386038065, -0.004719630815088749, -0.001923411269672215, 0.0037821701262146235, -0.028676966205239296, 0.008835839107632637, 0.006910631898790598, 0.01755673997104168, -0.025473076850175858, 0.02027214504778385, 0.023188689723610878, -0.04301545023918152, -0.009475179947912693, 0.012980781495571136, 0.021292217075824738, 0.005502644460648298, -0.005901334807276726, 0.0018174530705437064, 0.014259464107453823, -0.03212510049343109, -0.0010299498680979013, 0.008814288303256035, 0.00018396772793494165, 0.00476991618052125, -0.02007100358605385, -0.005527786910533905, 8.929001342039555e-05, 0.03402157127857208, 0.011141777038574219, -0.004101840779185295, 0.0024208761751651764, 0.020171573385596275, -0.00674540875479579, -0.00888612400740385, -0.0038863325025886297, 0.04215341806411743, -0.00933869183063507, -0.007801399100571871, -0.019999166950583458, 0.008419189602136612, -0.00038275166298262775, -0.0008144416497088969, -0.007133323699235916, 0.0039042914286255836, 0.01417325995862484, 0.01443905383348465, -0.006845979485660791, -0.014424686320126057, 0.013138820417225361, 0.04643484950065613, -0.002327489200979471, -0.011486590839922428, -0.029510265216231346, -0.015171782113611698, 0.033935368061065674, 0.03272852301597595, 0.030199890956282616, -0.007722379639744759, 0.0010048073017969728, -0.00897232722491026, -0.010092970915138721, -0.027714362367987633, 0.003211073111742735, 0.01747053675353527, -0.002806995064020157, -0.015372922644019127, -0.02583225816488266, 0.01831820234656334, 0.005136280320584774, 0.039854660630226135, -0.0029668305069208145, -0.0018982687033712864, -0.03568816930055618, -0.004249104764312506, 0.010251009836792946, -0.020157206803560257, -0.012987964786589146, 0.006831611972302198, 0.01272935513406992, -0.01021509151905775, -0.015674633905291557, 0.039394911378622055, 0.0034265813883394003, 0.006106067448854446, -0.0300274845212698, -0.007980989292263985, 0.011838587000966072, 0.025429975241422653, 0.015099945478141308, -0.008907674811780453, 0.026033397763967514, 0.0292372889816761, 0.02285824343562126, 0.0076864613220095634, -0.009388976730406284, 0.01566026732325554, 0.004234737250953913, 0.012255236506462097, 0.013016698881983757, -0.002530426252633333, 0.0016998214414343238, 0.013009515590965748, 0.02407945692539215, -0.02453920803964138, -0.012635967694222927, 0.014151709154248238, -0.022772040218114853, -0.010983738116919994, -0.01785845123231411, -0.009302773512899876, -0.007223118562251329, -0.003141032997518778, -0.0005149749340489507, 0.0022412859834730625, -0.02287261001765728, 0.0002509773476049304, -0.006630470976233482, 0.009985215961933136, -0.004040780011564493, -0.008526943624019623, -0.0179302878677845, -0.03594677895307541, -0.005502644460648298, -0.011939157731831074, 0.006163536570966244, 0.011608712375164032, -0.003950984682887793, -0.032785989344120026, -0.0011206429917365313, 0.0007268914487212896, 0.014647378586232662, 0.009467996656894684, 0.00015455983520951122, -0.027369549497961998, 0.01663723774254322, -0.02613396942615509, -0.01945321261882782, 0.0003232623857911676, -0.015631532296538353, 0.0007318301359191537, -0.007463769521564245, -0.01830383576452732, -0.009238121099770069, -0.013440532609820366, -0.016752175986766815, -0.0003010381187777966, -0.006716674193739891, 0.008656248450279236, -0.0023203056771308184, 0.017427435144782066, -0.004443062003701925, 0.013447715900838375, 0.027024736627936363, 0.004310165531933308, -0.0028662600088864565, 0.009554199874401093, 0.014941906556487083, -0.014769500121474266, -0.0035163764841854572, 0.022886978462338448, 0.006447289139032364, 0.007535605691373348, 0.001610924256965518, -0.001137704006396234, -0.007765481248497963, 0.031952694058418274, -0.01725502870976925, 0.013993670232594013, 0.002528630429878831, 0.02211114764213562, 0.03844667598605156, 0.02469724789261818, 0.0069860597141087055, 0.012413276359438896, -0.010136072523891926, -0.01968308910727501, -0.003372704377397895, 0.009934931062161922, 0.012528213672339916, -0.012183400802314281, 0.017815349623560905, -0.023231791332364082, -0.012212134897708893, -0.01686711423099041, -0.007244669366627932, -0.01672344096004963, 0.021335318684577942, 0.007197976112365723, -0.012801190838217735, -0.02645004726946354, -0.020688792690634727, -0.004960281774401665, -0.0036402938421815634, -0.03229750692844391, -0.027786199003458023, 0.006935774348676205, -0.0151143129914999, 0.005635541398078203, 0.0005526888999156654, -0.03166534751653671, -0.01984112709760666, -0.024797817692160606, 0.01601944863796234, 0.027527589350938797, 0.022240452468395233, -0.009252488613128662, 0.004780691582709551, -0.003933025989681482, -0.02113417722284794, -0.0065227169543504715, -0.013720693066716194, -0.0063072084449231625, 0.025200100615620613, 0.03017115779221058, 0.0031158903148025274, 0.027527589350938797, -0.0016692911740392447, -0.01131418440490961, 0.020918669179081917, 0.006127618253231049, 0.007413484156131744, -0.004098248668015003, -0.0031877264846116304, -0.01333277765661478, -0.009640403091907501, 0.03971099108457565, -0.011235164478421211, 0.02219735085964203, 0.007050712127238512, 0.016881480813026428, 0.0027333630714565516, 0.010128888301551342, -0.01067484263330698, 0.0004813018022105098, -0.04361887276172638, 0.005556521471589804, -0.01566026732325554, -0.010761045850813389, 0.004443062003701925, -0.041607461869716644, -0.03275725618004799, 0.0012355807702988386, -0.0015732103493064642, 0.015171782113611698, -0.013620122335851192, 0.031349267810583115, -0.0009212978184223175, -0.006034231279045343, 0.03761337697505951, 0.020616957917809486, -0.02818848192691803, 0.01830383576452732, -0.028475824743509293, 0.0005365257966332138, 0.022010577842593193, 0.0018515752162784338, 0.01778661645948887, -0.0007852582493796945, 0.006016272585839033, 0.0016630054451525211, 0.01589014194905758, -0.003374500200152397, -0.015028109773993492, -0.006576593965291977, 0.0007794215925969183, -0.008218048140406609, -0.03261358290910721, -0.014424686320126057, 0.01679527759552002, -0.010516803711652756, 0.0008440740639343858, -0.011824220418930054, 0.0013154983753338456, -0.025516178458929062, -0.011206429451704025, 0.018404405564069748, 0.012355807237327099, 0.04100403934717178, -0.019338274374604225, 0.02218298427760601, 0.032872192561626434, -0.013562653213739395, -0.025860991328954697, 0.023993253707885742, 0.00812466163188219, 0.006098884157836437, 0.024223128333687782, 0.029797609895467758, -0.04973930865526199, -0.03988339751958847, -0.0011188470525667071, -0.005398482084274292, -0.0010829290840774775, -0.03836047276854515, 0.018030857667326927, 0.01823199912905693, 0.004001270048320293, -0.02370590902864933, -0.012420459650456905, -0.03152167424559593, 0.03428018093109131, 0.002489120466634631, 0.014266647398471832, 0.0011368060950189829, -0.0074494024738669395, 0.005736111663281918, 0.015602798201143742, -0.005103954114019871, 0.05350352078676224, 0.008728085085749626, -0.017355598509311676, 0.004593918099999428, -0.005865416489541531, -0.01329686027020216, 0.009238121099770069, -0.025013325735926628, 0.039021365344524384, -0.008045641705393791, -0.006055782083421946, 0.019079664722085, 0.010322845540940762, 0.008447923697531223, -0.003936617635190487, 0.010646108537912369, 0.03249864652752876, -0.023662807419896126, -0.012176217511296272, -0.0025106712710112333, 0.0012957435101270676, 0.022671470418572426, 0.001168234390206635, -0.003767802845686674, -0.016608504578471184, -0.01596197858452797, -0.012944863177835941, 0.018045226112008095, -0.006655613426119089, 0.019323907792568207, 0.01716882549226284, -0.011824220418930054, -0.018117060884833336, -0.03091825358569622, -0.0022215310018509626, -0.002528630429878831, -0.04792903736233711, -0.027929872274398804, 0.0030763805843889713, -0.0007210547337308526, 0.007097405381500721, -0.007614625617861748, -0.027412651106715202, 0.021004872396588326, 0.030515970662236214, -0.02142152190208435, 0.01375661138445139, 0.022973181679844856, 0.005265585146844387, -0.047670427709817886, -0.0069321827031672, -0.006684347987174988, -0.02652188390493393, 0.03508474677801132, -0.025631116703152657, -0.027110939845442772, 0.0007071365253068507, -0.0036169469822198153, 0.02553054690361023, 0.02295881323516369, -0.0038037209305912256, -0.00034436426358297467, -0.010387498885393143, 0.00695014139637351, -0.0023221014998853207, -0.019252071157097816, 0.03169408068060875, -0.01938137598335743, 0.010495252907276154, 0.020315246656537056, -0.017513638362288475, 0.01333277765661478, -0.014000853523612022, 0.002133531728759408, -0.010495252907276154, -0.049279555678367615, -0.014913172461092472, -0.0004074453026987612, 0.013878731988370419, 0.005872600246220827, -0.011113042943179607, -0.009819993749260902, 0.0026040582451969385, -0.017441801726818085, 0.01311008632183075, 0.002912953495979309, -0.019180236384272575, 0.005315870512276888, -0.002692057518288493, -0.007880418561398983, 0.0016558218048885465, -0.02636384405195713, -0.00045975096873007715, 0.0136057548224926, 0.00888612400740385, -0.04359013959765434, -0.006113251205533743, 0.02377774566411972, 0.04255569726228714, 0.01470484770834446, -0.02629200927913189, -0.033935368061065674, -0.01748490333557129, -0.056348226964473724, -0.014798234216868877, -0.008002540096640587, 0.0063072084449231625, 0.004051555413752794, 0.011421938426792622, -0.014582726173102856, 0.024266229942440987, -0.005948028061538935, -0.010796964168548584, 0.0049423230811953545, -0.01739870011806488, -0.006350310053676367, 0.019338274374604225, 0.005886967293918133, 0.006573002319782972, -0.03896389529109001, -0.0067705512046813965, -0.002467569662258029, 0.0007457484025508165, -0.009173468686640263, 0.003785761771723628, -0.01596197858452797, -0.010351580567657948, -0.008541311137378216, 0.00033358883229084313, -0.007866051979362965, 0.006863938178867102, -0.00038971079629845917, -0.03548702970147133, -0.005965987220406532, 0.013964936137199402, -0.0095398323610425, -0.01755673997104168, 0.008950776420533657, -0.005168606527149677, -0.001330763567239046, -0.007779848296195269, -0.018935993313789368, -0.017140090465545654, 0.025947194546461105, -0.019855495542287827, 0.02370590902864933, 0.009683504700660706, -0.003442744491621852, 0.05462416261434555, -0.013383063487708569, 0.012104380875825882, -0.0014834152534604073, 0.0036618446465581656, -0.03884895518422127, -0.004399960394948721, 0.008943593129515648, -0.01816016249358654, 0.0025627524591982365, -0.001892880885861814, 0.008713717572391033, -0.0032811134587973356, -0.010969370603561401, -0.00019979412900283933, -0.019568150863051414, -0.008455107919871807, 0.008368904702365398, 0.0008068090537562966, -0.02485528588294983, -0.017355598509311676, -0.006206638179719448, 0.00021505929180420935, 0.008376087993383408, 0.01265751849859953, -0.002347244182601571, -0.02028651162981987, 0.015487860888242722, 0.016364261507987976, -0.006282065995037556, -0.010761045850813389, 0.004762732889503241, 0.016594136133790016, 0.0023131221532821655, 0.022455960512161255, 0.18217632174491882, -0.0015803939895704389, 0.033705491572618484, 0.01557406410574913, 0.0035109887830913067, -0.0030225033406168222, 0.04146379232406616, -0.001873126020655036, 0.013095718808472157, -0.0006487696664407849, -0.011716466397047043, 0.021335318684577942, -0.01867738366127014, -0.0077726650051772594, 0.035458292812108994, -0.02834651991724968, -0.05784241855144501, -0.03910756856203079, -0.03588930889964104, -0.0021371236070990562, -0.013936201110482216, -0.0069321827031672, -0.00915910117328167, -0.027398284524679184, 0.02262836880981922, -0.039481114596128464, -0.030745845288038254, -0.003907883074134588, 0.012959230691194534, 0.005761254113167524, -0.02985507808625698, -0.011450672522187233, 0.02103360742330551, 0.0020581039134413004, -0.006310800556093454, -0.013993670232594013, 0.03129180148243904, 0.01424509659409523, 0.002952463226392865, 0.008555678650736809, -0.024251863360404968, -0.04094656929373741, 0.007158466149121523, 0.003922250587493181, 0.007456586230546236, 0.01952504925429821, -0.012671886011958122, 0.0232461579144001, -0.0005648112273775041, -0.004888446070253849, -0.022096781060099602, -0.015286719426512718, 0.035831842571496964, 0.022542165592312813, -0.01754237338900566, -0.002264632610604167, -0.019352642819285393, 0.023648440837860107, 0.0015848836628720164, 0.0026830779388546944, -0.0262201726436615, 0.0021317359060049057, 0.024036355316638947, 0.013311226852238178, -0.007650543469935656, 0.023361096158623695, -0.01953941583633423, 0.010789780877530575, 0.00749968783929944, 0.005502644460648298, 0.004597509745508432, -0.0065694102086126804, -0.005980354268103838, 0.0035271518863737583, -0.04200974479317665, -0.024654146283864975, 0.036895014345645905, 0.011278266087174416, -0.01150814164429903, 0.04169366508722305, -0.009202202782034874, 0.026090867817401886, -0.011084308847784996, 0.011364469304680824, -0.02415129356086254, -0.05491150543093681, -0.002778260735794902, -0.004285022616386414, -0.01566026732325554, -0.021091075614094734, -0.012147482484579086, 0.0305447056889534, -0.018433140590786934, -0.008900491520762444, 0.018059592694044113, -0.0005158729036338627, 0.015746470540761948, -0.0016459444304928184, -0.010473702102899551, 0.01709698885679245, -0.01656540296971798, 0.02994128130376339, 0.023361096158623695, -0.006339534651488066, -0.02103360742330551, -0.001197866746224463, 0.0056678676046431065, 0.013368695974349976, 0.015430391766130924, 0.009604484774172306, 0.006874713581055403, -0.03655020147562027, -0.008088743314146996, -0.014941906556487083, 0.001340641058050096, 0.03390663489699364, -0.00046783252037130296, -0.01656540296971798, -0.0016351690283045173, -0.01709698885679245, 0.011795485392212868, -0.017125723883509636, 0.007930704392492771, 0.01596197858452797, -0.004572366829961538, 0.018821055069565773, -0.014539624564349651, -0.00731291389092803, -0.012506662867963314, -0.03508474677801132, 0.03063090890645981, -0.022772040218114853, 0.012736538425087929, -0.008117478340864182, 0.002679486060515046, -0.010351580567657948, -0.025257568806409836, -0.00016713114746380597, -0.018188897520303726, -0.0018093715189024806, 0.0008202783646993339, -0.012068462558090687, 0.002718996023759246, 0.028676966205239296, -0.003011727938428521, -0.01074667926877737, 0.011407570913434029, 0.02166576497256756, 0.007952255196869373, -0.027872402220964432, 0.000926685519516468, -0.028849372640252113, 0.014309749007225037, -0.0003484050394035876, 0.03465373069047928, -0.0038432306610047817, -0.010768230073153973, -0.04620497301220894, 0.0063072084449231625, 0.0013110085856169462, -0.04002706706523895, 0.007866051979362965, 0.04226835444569588, -0.007514054886996746, -0.005107545759528875, -0.0036995585542172194, -0.18654395639896393, 0.02035834826529026, 0.017413068562746048, -0.031263064593076706, 0.0109478197991848, 0.026866696774959564, 0.009683504700660706, 0.00039891479536890984, 0.001157458988018334, -0.003586416831240058, 0.014769500121474266, -0.0066520217806100845, 0.010473702102899551, -0.013972119428217411, 0.001833616173826158, 0.0019719006959348917, 0.013849997892975807, -0.0022089597769081593, 1.124192749557551e-06, 0.009166285395622253, -0.006149169057607651, -0.02849019318819046, 0.014460604637861252, 0.010789780877530575, -0.013318411074578762, 0.02051638625562191, -0.02285824343562126, 0.0016567198326811194, -0.02446737140417099, -0.01188887283205986, 0.009252488613128662, -0.0016648013843223453, 0.015789572149515152, -0.0029740140307694674, 0.00028060973272658885, 0.020832465961575508, -0.016809644177556038, 0.0025340181309729815, -0.0015453738160431385, 0.057555075734853745, 0.024180026724934578, 0.022542165592312813, 0.009223753586411476, 0.0036007838789373636, -0.017211927101016045, -0.0038611898198723793, 0.011673364788293839, -0.0037139258347451687, -0.010775413364171982, -0.01520051620900631, -0.015818307176232338, -0.012125931680202484, 0.03700995445251465, 0.006037823390215635, -0.0006775041110813618, 0.011608712375164032, 0.0262201726436615, 0.004985424689948559, 0.013289676047861576, -0.008749635890126228, -0.024654146283864975, -0.013189106248319149, 0.005520603619515896, -0.004590325988829136, -0.002889606636017561, -0.02926602214574814, -0.02734081633388996, -0.014209178276360035, -0.021004872396588326, -0.0012140298495069146, -0.013397431001067162, -0.013943384401500225, 0.019956065341830254, 0.0026830779388546944, 0.01953941583633423, -0.006210229825228453, 0.009015428833663464, 0.005991129670292139, -0.013713509775698185, 0.0177722480148077, -0.007600258104503155, 0.03973972424864769, 0.0040120454505085945, -0.005861824844032526, 0.019410111010074615, -0.018117060884833336, -0.012334256432950497, -0.02149335853755474, 0.005502644460648298, -0.0025717320386320353, 0.007794215809553862, -0.01162307895720005, 0.0038719652220606804, -0.015789572149515152, 0.02249906212091446, -0.004055147059261799, -0.005006975494325161, -0.006863938178867102, 0.008218048140406609, -0.010682026855647564, -0.007700828835368156, 0.00038342512561939657, -0.02909361571073532, -0.015760837122797966, 0.05517011508345604, 0.019999166950583458, -0.011500957421958447, -0.007916336879134178, 0.026033397763967514, -0.019007829949259758, -0.005897742696106434, 0.021478990092873573, 0.023361096158623695, -5.040451924287481e-06, -0.00934587512165308, 0.029912548139691353, 0.0004227104946039617, -0.0411764457821846, 0.012499479576945305, -0.012111564166843891, 0.03781451657414436, 0.00915191788226366, -0.01953941583633423, -0.009575750678777695, 0.009776892140507698, -0.002516058972105384, -0.09057094156742096, 0.003011727938428521, 0.013584204018115997, 0.011026839725673199, -0.04473951458930969, -0.0034068264067173004, -0.0029740140307694674, 0.004220370203256607, -0.018821055069565773, 0.03160787746310234, -0.0014178648125380278, -0.01124953106045723, -0.011493774130940437, -0.005901334807276726, 0.0037606193218380213, -0.008742451667785645, 0.019711822271347046, -0.02531503699719906, -0.0026525475550442934, 0.025042060762643814, 0.007021977566182613, -0.004044371657073498, -0.01359857153147459, -0.006573002319782972, 0.0017707595834508538, 0.005154239479452372, -0.028159746900200844, 0.026564985513687134, 0.028835006058216095, 0.013232207857072353, 0.009597301483154297, -0.03336067870259285, 0.011773934587836266, -0.022427227348089218, -0.0007722379523329437, -0.0030871559865772724, -0.02568858489394188, 0.006159944459795952, 0.029883813112974167, -0.02462541125714779, 0.01283710915595293, 0.00812466163188219, 0.02248469553887844, -0.010509619489312172, -0.018275100737810135, 0.001539986114948988, -0.02925165556371212, 0.028461458161473274, -0.015416024252772331, -0.023346729576587677, -0.006274882238358259, -0.009891829453408718, -0.006335943005979061, -0.0021281440276652575, 0.02020030841231346, -0.01953941583633423, 0.0003921801398973912, 0.006806469522416592, -0.02576042152941227, 0.004195227753371, -0.028059177100658417, -0.011364469304680824, -0.018663015216588974, 0.022527797147631645, 0.02774309739470482, 0.010437783785164356, -0.02696726843714714, -0.031866490840911865, 0.011041207239031792, 0.0003838741104118526, -0.017154458910226822, 0.01778661645948887, -0.027225878089666367, 0.0029560551047325134, -0.0318952240049839, -0.01807395927608013, -0.0322113037109375, -0.02719714306294918, 0.0026723025366663933, -0.003462499473243952, -0.008268333971500397, -0.0260621327906847, -0.01632115989923477, -0.004974649287760258, 0.007492504082620144, -0.0026435679756104946, -0.007470953278243542, 0.015516594983637333, 0.019941698759794235, -0.029380960389971733, 0.021838171407580376, 0.01754237338900566, -0.0003358337271492928, -0.018203264102339745, 0.0059408447705209255, 0.028533294796943665, 0.0009356650407426059, -0.00570019381120801, 0.010078603401780128, -0.004716039169579744, -0.03129180148243904, 0.004019229207187891, -0.07459459453821182, 0.020329613238573074, -0.005556521471589804, -0.008117478340864182, 0.007004018872976303, -0.0030296870972961187, 0.009762524627149105, -0.0030494420789182186, -0.012765273451805115, -0.008447923697531223, -0.03298713266849518, 0.011673364788293839, -0.011278266087174416, -0.002616629470139742, -0.0015588431851938367, -0.0027459345292299986, 0.016852745786309242, -0.00022953875304665416, 0.014568358659744263, 0.02744138613343239, 0.006023455876857042, 0.0033601331524550915, 0.02599029615521431, 0.0302286259829998, -0.012283971533179283, -0.014697663486003876, -0.010875984095036983, 0.003315235488116741, -0.006023455876857042, 0.01617748662829399, 0.02149335853755474, -0.04810144379734993, 0.00823959894478321, 0.00953264907002449, -0.0044897557236254215, -0.007585891056805849, 0.0017132906941697001, -0.0010838269954547286, 0.020387081429362297, 0.04186607152223587, -0.048043977469205856, -0.02538687363266945, -0.00613839365541935, -0.010804147459566593, -0.001783330924808979, 0.010732311755418777, 0.023001914843916893, 0.010545537807047367, 0.008598780259490013, -0.011091492138803005, 0.043044183403253555, 0.011738017201423645, -0.004687304608523846, -0.05456669256091118, -0.008756819181144238, 0.006170719861984253, 0.00706867128610611, -0.008232415653765202, -0.008440740406513214, -0.028518928214907646, 0.03341814875602722, 0.0069860597141087055, 0.030946986749768257, 0.012880210764706135, 0.014223545789718628, -0.008577229455113411, -0.0032272362150251865, -0.0005643622716888785, -0.007147690746933222, -0.02629200927913189, -0.008900491520762444, 0.006924998946487904, 0.017226293683052063, 0.023648440837860107, 0.021622663363814354, -0.0019054522272199392, -0.012700620107352734, 0.012671886011958122, -0.032556116580963135, 0.0017608820926398039, 0.041981011629104614, -0.008325803093612194, -0.026105234399437904, 0.01405832264572382, 0.01823199912905693, -0.008189314045011997, -0.011795485392212868, 0.02758505754172802, 0.008052825927734375, 0.012427642941474915, -0.006605328526347876, 0.0164217296987772, 0.004841752350330353, -0.0027746688574552536, -0.016622871160507202, 0.030602173879742622, -0.030286094173789024, 0.016766542568802834, 0.038417939096689224, 0.032469913363456726, -0.0005432604230009019, 0.001700719352811575, -0.004234737250953913, -0.023533502593636513, -0.036665141582489014, 0.0036923750303685665, -0.025817889720201492, 0.0031248698942363262, -0.006447289139032364, -0.01416607666760683, 0.013045433908700943, 0.008986694738268852, -0.007356015499681234, 0.011551243253052235, -0.030832048505544662, -0.007909153588116169, 0.008347353897988796, -0.014640195295214653, -0.037124890834093094, 0.03838920593261719, -0.008196497336030006, 0.004647795110940933, 0.031263064593076706, 0.012434827163815498, 0.026996001601219177, 0.02097613736987114, 0.027254611253738403, -0.0097984429448843, 0.021766334772109985, -0.03603298217058182, 0.007578707300126553, -0.009554199874401093, -0.011759568005800247, 0.008419189602136612, -0.012377358041703701, -0.010638924315571785, -0.0005814233445562422, -0.0010425212094560266, -0.015286719426512718, 0.08424936234951019, 0.02734081633388996, -0.008469474501907825, -0.006684347987174988, -0.028993045911192894, -0.001592067303135991, 0.03907883167266846, -0.0007053405861370265, -0.016622871160507202, -0.034222714602947235, -0.009015428833663464, -0.007435035426169634, 0.007564340252429247, -0.029883813112974167, -0.006889081094413996, -0.00613839365541935, -0.01938137598335743, 0.02902177907526493, 0.004191635642200708, 0.007765481248497963, 0.005290728062391281, 0.01083288248628378, 0.02113417722284794, 0.0015660267090424895, -0.007241077721118927, -0.007492504082620144, 0.013138820417225361, -0.011615895666182041, 0.021708866581320763, -0.03341814875602722, 0.00016589646111242473, 0.004055147059261799, -0.02764252759516239, -0.012959230691194534, -0.002388549968600273, 0.001461864449083805, -0.012794007547199726, -0.007018385920673609, 0.024366801604628563, 0.011307000182569027, 0.022901345044374466, 0.017887186259031296, 0.00866343267261982, -0.003739068517461419, -0.011982259340584278, -0.02430933341383934, -0.026004664599895477, 0.0011826016707345843, -0.022973181679844856], metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='1d9b9efa-178a-4eeb-8cb0-fad8a9b2f228', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='a80e538630ae3c7ca51d892fa345709ce2ddc4bd0ec121932478c9ed6b9ca1ab'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='1d2a4e23-d59c-4fda-bdc8-74c76fdd6c57', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '9', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='aa2dee8edae06d088943479869485ae1110af63d71053a8f3f3f9ee459b03849'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='91d910f9-e90f-4f10-ad70-0c016ceeb676', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f649ce611b6774a4cd9f66da8321d5b30f0788c45132f9089f6e5ad2654ea481')}, hash='57a773c32515f5db59056ddc3895b828fe1ddad302d32506c9da1cde40200583', text='10 IEEE TRANSACTIONS ON JOUR NAL NAME, MANUSCRIP T ID memory management were used in this case for Hiera rchical NSW leading to some performance loss. ', start_char_idx=0, end_char_idx=151, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
452
       " TextNode(id_='91d910f9-e90f-4f10-ad70-0c016ceeb676', embedding=[-0.011275239288806915, 0.01884772814810276, -0.01546442974358797, -0.02090965211391449, -9.710645099403337e-05, 0.023073218762874603, -0.016669638454914093, -0.005049535539001226, -0.03827627748250961, -0.049515217542648315, 0.008567148819565773, 0.012211817316710949, 0.004120217636227608, 0.015130456537008286, -0.00647981371730566, 0.009278657846152782, 0.02045951411128044, 0.0047736442647874355, 0.012690996751189232, -0.010070029646158218, -0.024481717497110367, 0.0024902813602238894, -0.009082630276679993, -0.03392010182142258, 0.006360019091516733, 0.03362968936562538, 0.027022819966077805, -0.01584196463227272, -0.005216522607952356, -0.009547288529574871, 0.021229105070233345, -0.015580594539642334, -0.011935926042497158, 0.01319921761751175, -0.0005104895681142807, -2.926806700997986e-05, 0.009888522326946259, -0.018775124102830887, 0.032700370997190475, -0.004436040762811899, 0.0017188750207424164, -0.00011276146688032895, -0.005027754697948694, 0.0011689076200127602, -0.010324140079319477, -0.012175516225397587, 0.03354256600141525, -0.018586356192827225, -0.004548575263470411, 0.021592119708657265, 0.014237440191209316, 0.019806087017059326, -0.021316228434443474, -0.001996581209823489, -0.004904329776763916, -0.004178300034254789, 0.006922692060470581, 0.02151951566338539, -0.0006062347092665732, -0.017439229413866997, -0.0018822316778823733, -0.007790297269821167, -0.027545562013983727, 0.015943609178066254, -0.02185348980128765, -0.036156270653009415, -0.01629210263490677, 0.01314113475382328, 0.002149047562852502, -0.011601952835917473, -0.006693992763757706, 0.028358714655041695, -0.029505841434001923, 0.007173172198235989, 0.046262603253126144, -0.014941688627004623, -0.007434542756527662, 0.020503075793385506, -0.008647012524306774, 0.007877420634031296, 0.010701675899326801, -0.02133074775338173, -0.008922903798520565, 0.017061695456504822, 0.006879129912704229, 0.019080057740211487, 0.010708936490118504, 0.02151951566338539, -0.031219271942973137, -0.012001268565654755, 0.03772449493408203, 0.02798117883503437, 0.02859104424715042, -0.021592119708657265, -0.010338661260902882, 0.014985250309109688, -0.022652123123407364, 0.013155655935406685, 0.00717680249363184, -0.02233267016708851, -0.015740320086479187, 0.008523587137460709, -0.01812169887125492, -0.00637453980743885, -0.007971804589033127, 0.0033705923706293106, -0.00454494496807456, 0.0001545081613585353, -0.010338661260902882, 0.015972649678587914, -0.005278234835714102, 0.0010427599772810936, -0.003092885948717594, -0.022782808169722557, -0.022013217210769653, -0.009677974507212639, 0.030057623982429504, -0.029084743931889534, -0.002216205233708024, 0.005336317233741283, 0.02416226454079151, 0.01572580076754093, 0.018557315692305565, -0.017352106049656868, 0.01276359986513853, 0.01293058693408966, -0.0018913070671260357, -0.024626923725008965, 0.0031182970851659775, -0.04196450859308243, 0.035372160375118256, 0.029476800933480263, 0.016335666179656982, -0.0005132121732458472, -0.022260066121816635, 0.01400511059910059, 0.012008529156446457, -0.025657884776592255, -0.025469116866588593, -0.015653196722269058, 0.01213921420276165, 0.03377489373087883, -0.00998290628194809, -0.015943609178066254, -0.017076214775443077, 0.028634605929255486, -0.002423123689368367, 0.017018133774399757, -0.00013556332851294428, -0.03484942018985748, 0.0021163763012737036, -0.0006820140406489372, -0.013228259049355984, 0.03223571181297302, 0.013584013096988201, 0.0018604507204145193, -0.0030057623516768217, 0.023145822808146477, -0.024510757997632027, -0.057733871042728424, -0.014781962148845196, 0.02112746052443981, 0.012349762953817844, -0.020619239658117294, 0.012582092545926571, 0.02558528259396553, 0.01150030829012394, -0.010832360945641994, -0.022289108484983444, -0.024060619994997978, -0.008044407702982426, 0.019007453694939613, -0.030580366030335426, -0.004508643411099911, 0.012117433361709118, -0.017773203551769257, 0.048876311630010605, 0.015885526314377785, -0.030725570395588875, -0.01481100358068943, -0.009293178096413612, -0.003735422156751156, 0.027908576652407646, 0.013438806869089603, -0.004534054547548294, -0.0005245563806965947, 0.030231870710849762, -0.014745660126209259, 0.026993779465556145, -0.021926091983914375, 0.026659805327653885, 0.009823179803788662, 0.003931450191885233, 0.00772495474666357, -0.6175317168235779, -0.017947450280189514, 0.0075434474274516106, -0.030812695622444153, -0.007790297269821167, 0.015159497037529945, 0.013613054528832436, 0.027661725878715515, 0.0045885066501796246, 0.024423634633421898, -0.027458438649773598, 0.01592908799648285, -0.0007101476658135653, -0.011994008906185627, -0.00878495816141367, -0.012102913111448288, 0.00706426752731204, -0.01301771029829979, 0.021693764254450798, 0.013678397051990032, -0.020749924704432487, 0.032148588448762894, -0.008160572499036789, 0.00236322614364326, -0.0004605750145856291, 0.007485365029424429, 0.028939537703990936, -0.030551323667168617, 0.004628438502550125, 0.01051290798932314, -0.02506254054605961, 0.018092656508088112, 0.009648933075368404, 0.019051015377044678, 0.04907959699630737, -0.02146143466234207, -0.01845567114651203, 0.011420445516705513, 0.036679014563560486, 0.01820882223546505, -0.030812695622444153, -0.023770207539200783, 0.009852221235632896, 0.0029785363003611565, -0.004868028219789267, 0.008080708794295788, 0.020096497610211372, 0.011064690537750721, -0.028779812157154083, -0.03310694918036461, 0.009547288529574871, -0.0007301134755834937, -0.015101415105164051, 0.005677551031112671, 0.002508432138711214, -0.013990589417517185, 0.01954471506178379, -0.022477874532341957, 0.012131953611969948, 0.006283785682171583, 0.019501153379678726, -0.008124270476400852, -0.007797557394951582, -0.022811848670244217, -0.017700601369142532, 0.004628438502550125, -0.022347189486026764, 0.008313038386404514, -0.01429552212357521, -0.027327753603458405, 0.018252383917570114, 0.022811848670244217, 0.005670290905982256, 0.006225703749805689, 0.024859251454472542, 0.02196965552866459, 0.022143902257084846, 0.013438806869089603, -0.02700830064713955, -0.00655604712665081, 0.010396743193268776, 0.017410188913345337, -0.01812169887125492, -0.01581292413175106, 0.035488326102495193, 0.008480025455355644, -0.027356794103980064, 0.0027879534754902124, -0.011021128855645657, -0.007688653189688921, 0.006396320648491383, 0.003359701717272401, -0.024133222177624702, -0.0476565808057785, -0.0021726435516029596, 0.010810580104589462, 0.022506916895508766, -0.00714050093665719, 0.0033778524957597256, -0.036766137927770615, -0.020227184519171715, -0.024234866723418236, 0.014026891440153122, -0.02285541035234928, -0.0013558602659031749, 0.005398029927164316, 0.0049515217542648315, 0.005949812475591898, 0.009278657846152782, -0.00871235504746437, 0.012248118408024311, -0.0001169588285847567, -0.019733482971787453, 0.014143056236207485, 0.0027915837708860636, -0.032090507447719574, 0.045594654977321625, 0.009104411117732525, -0.008930163457989693, -0.0006302844267338514, 0.01990773156285286, 0.014331823214888573, 0.01887676864862442, -0.005557756405323744, 0.012110172770917416, 0.004243643023073673, 0.024960896000266075, -0.02467048540711403, -0.03145160153508186, -0.009648933075368404, 0.011405924335122108, 0.0005458834930323064, 0.010084550827741623, -0.025774050503969193, 0.02803926169872284, -0.007833858951926231, 0.016393747180700302, 0.0001900155475595966, 0.002749837003648281, -0.011144554242491722, -0.018165260553359985, 0.017860326915979385, 0.004294464830309153, -0.030057623982429504, -0.012204556725919247, -0.01022975705564022, -0.02494637668132782, 0.021287186071276665, -0.009540028870105743, -0.013257299549877644, -0.0204885546118021, -0.01890580914914608, -0.03037707693874836, 0.0127490796148777, 0.013170176185667515, -0.013598533347249031, -0.005775565281510353, -0.02494637668132782, -0.001878601498901844, -0.02121458388864994, 0.0047482335940003395, 0.026906656101346016, -0.01711977645754814, -0.026659805327653885, 0.0006597793544642627, -0.025018978863954544, 0.006490704137831926, 0.016800323501229286, 0.030086664482951164, -0.034878458827733994, 0.005321796517819166, -0.014585933648049831, -0.027182547375559807, 0.0154789499938488, -0.017337586730718613, 0.013417026028037071, -0.00025932869175449014, 0.0030112075619399548, -0.007492625154554844, -0.011442226357758045, 0.011238937266170979, 0.007979065179824829, 0.00777577655389905, -0.0063926903530955315, 0.044113557785749435, -0.008581669069826603, 0.009460165165364742, -0.012269899249076843, -0.006715773604810238, 0.00927139725536108, 0.009445644915103912, 0.013235518708825111, -0.013562232255935669, 0.004759124014526606, 0.0038261758163571358, 0.014193877577781677, 0.0005871764151379466, -0.0077539957128465176, -0.004603027366101742, 0.018397590145468712, 0.0045703561045229435, 0.008973725140094757, 0.00759426923468709, -0.01265469565987587, 0.014869085513055325, -0.04565273970365524, 0.008233175612986088, -0.011870583519339561, 0.00022359441209118813, -0.000652519054710865, 0.021737325936555862, -0.006871869787573814, -0.021011294797062874, -0.026078982278704643, 0.009830440394580364, 0.006508855149149895, -0.007587009109556675, 0.011805240996181965, -0.012073871679604053, 0.01987868919968605, 0.0087994784116745, -0.015435388311743736, 0.03223571181297302, 0.004682890605181456, -0.000587630202062428, 0.002969461027532816, 0.026137065142393112, 0.029665568843483925, 0.005202001892030239, 0.011224417015910149, -0.0014493365306407213, -0.0009556364384479821, 0.01409949455410242, 0.002261582063511014, 0.03296174108982086, -0.011071951128542423, 0.036795180290937424, -0.008400161750614643, 0.011870583519339561, -0.01572580076754093, 0.015115935355424881, 0.0195737574249506, 0.010810580104589462, -0.02358143962919712, -0.0011616472620517015, -0.0038806279189884663, 0.035430241376161575, 0.01966088078916073, -0.004642959218472242, 0.00991030316799879, -0.01626306213438511, 0.02394445426762104, 0.003042063908651471, 0.023232946172356606, 0.007688653189688921, -0.009220575913786888, 0.009046328254044056, 0.017163338139653206, 0.020837048068642616, 0.019864168018102646, 0.011050170287489891, -0.012095652520656586, 0.02027074620127678, -0.014404426328837872, 0.006193032022565603, -0.06789828836917877, 0.0016916488530114293, 0.015232100151479244, 0.010527429170906544, -0.015014291740953922, -0.004806315526366234, -0.004976932890713215, -0.0025356581900268793, -0.020430471748113632, 0.0206337608397007, -0.008770436979830265, 0.009924824349582195, -0.012995929457247257, 0.02689213491976261, 0.019167181104421616, -0.0467272624373436, -0.015290183015167713, 0.012792641296982765, 0.01860087737441063, 0.0015782067785039544, -0.007125980220735073, -0.007674132473766804, 0.020706363022327423, -0.029883377254009247, -0.012110172770917416, 0.004719192162156105, -0.001805998501367867, 0.004933370742946863, -0.0157838836312294, -0.008015366271138191, 0.002729871077463031, 0.03240995854139328, 0.0154789499938488, 0.00015076457930263132, 0.013271820731461048, 0.022071298211812973, 0.002628226997330785, -0.010992087423801422, -0.01546442974358797, 0.050212204456329346, -0.0195737574249506, -0.017613478004932404, -0.023421714082360268, 0.012640174478292465, -0.002430384047329426, -0.002014731988310814, -0.0003335198271088302, 0.002679049037396908, 0.020590199157595634, 0.014614975079894066, 0.0027516521513462067, -0.017976492643356323, 0.007296597119420767, 0.04335848614573479, -0.006047826260328293, -0.008480025455355644, -0.02737131528556347, -0.009293178096413612, 0.026137065142393112, 0.024321990087628365, 0.021417872980237007, 0.0009656193433329463, 0.009641672484576702, -0.003274393267929554, -0.01581292413175106, -0.027966659516096115, 0.015507991425693035, 0.009496467188000679, 0.010992087423801422, -0.019428551197052002, -0.027298711240291595, 0.014803742989897728, 0.018499232828617096, 0.035952985286712646, -0.007536186836659908, -0.005332686938345432, -0.03089981898665428, -0.004613917786628008, 0.019748004153370857, -0.015943609178066254, -0.013787301257252693, 0.007587009109556675, 0.017918409779667854, -0.015377306379377842, -0.016713200137019157, 0.03107406571507454, 0.0021563079208135605, 0.006548786535859108, -0.033513523638248444, -0.015987170860171318, 0.014752920717000961, 0.026049941778182983, 0.01587100699543953, -0.0006007894407957792, 0.024830210953950882, 0.0155515531077981, 0.028169946745038033, 0.010287838988006115, -0.015624156221747398, 0.014513331465423107, -0.001749731251038611, 0.0005213799886405468, 0.013525931164622307, 0.007681392598897219, -0.0014892681501805782, 0.012052090838551521, 0.024292949587106705, -0.0154789499938488, -0.018252383917570114, 0.0030783654656261206, -0.025294870138168335, -0.018615398555994034, -0.021722804754972458, -0.007877420634031296, -0.002684494247660041, -0.011732637882232666, -0.004846247378736734, -0.011042909696698189, -0.04867302253842354, 0.0025102472864091396, -0.0021726435516029596, 0.027937617152929306, -0.0016580700175836682, -0.011035649105906487, -0.017657039687037468, -0.03969929739832878, -0.0006502502365037799, -0.02558528259396553, -0.004537684842944145, 0.008487286046147346, -0.007688653189688921, -0.03107406571507454, -0.00863249134272337, 0.013692917302250862, 0.01820882223546505, 0.016655119135975838, 0.01229168102145195, -0.023799249902367592, 0.023436235263943672, -0.02764720655977726, -0.0136566162109375, -0.0015509806107729673, -0.017439229413866997, -0.0011244382476434112, -0.014259221032261848, -0.0185137540102005, -0.006908171344548464, -0.0004941538791172206, -0.011093731969594955, -0.005100357811897993, -0.006051456555724144, 0.00421823188662529, -0.0024104181211441755, 0.018063616007566452, -0.000683829071931541, 0.011471266858279705, 0.0330779068171978, 0.01784580759704113, -0.002216205233708024, 0.01575484126806259, 0.0126692159101367, -0.00843646377325058, -0.003757202997803688, 0.015943609178066254, 0.008835779502987862, 0.006029675714671612, -0.0016408268129453063, 0.003887888276949525, -0.006581457797437906, 0.02594829723238945, -0.02636939473450184, 0.010382222943007946, -0.005993374157696962, 0.03392010182142258, 0.02834419347345829, 0.025178706273436546, 0.011326061561703682, 0.004352547228336334, -0.0018123512854799628, -0.004933370742946863, -0.0032889139838516712, 0.0075579676777124405, 0.015333744697272778, -0.013431547209620476, 0.024104181677103043, -0.020808007568120956, -0.014927167445421219, -0.019748004153370857, 0.004465081728994846, -0.016016211360692978, 0.015595114789903164, 0.0026064461562782526, -0.015507991425693035, -0.03325215354561806, -0.02182444930076599, 0.00512939877808094, 5.592696470557712e-05, -0.0324680432677269, -0.0023777468595653772, 0.00924235675483942, -0.01286524347960949, 0.005383509211242199, 0.005419810768216848, -0.02433651126921177, -0.01887676864862442, -0.024118702858686447, -0.002744391793385148, 0.021722804754972458, 0.022957054898142815, -0.0009020917350426316, 0.008748656138777733, -0.012255378998816013, -0.030696529895067215, -0.025352953001856804, -0.004381588660180569, -0.014339083805680275, 0.02045951411128044, 0.03028995357453823, 0.008886601775884628, 0.017976492643356323, 0.013533190824091434, -0.0002720342017710209, 0.017758682370185852, 0.0051439194940030575, 0.009140712209045887, -0.008022626861929893, -0.012857983820140362, 0.0003902408934663981, 0.0003167304093949497, 0.030144747346639633, -0.01756991632282734, 0.022869931533932686, 0.0020510335452854633, 0.028866935521364212, 0.01336620468646288, 0.010295099578797817, -0.014070453122258186, -0.006712143309414387, -0.048963434994220734, 0.011783460155129433, -0.019370468333363533, -0.00412747822701931, 0.01429552212357521, -0.04321327805519104, -0.032148588448762894, 0.00723125459626317, -0.002221650443971157, 0.012632914818823338, -0.011812500655651093, 0.031364478170871735, 0.005699331872165203, -0.005906250327825546, 0.02252143807709217, 0.015101415105164051, -0.03978642076253891, 0.022594040259718895, -0.026717888191342354, -0.009322219528257847, 0.009569069370627403, -0.01575484126806259, 0.017686080187559128, -0.002346890512853861, -0.010048248805105686, 0.0037753537762910128, 0.0077539957128465176, 0.0016499022021889687, -0.016408268362283707, -0.029796253889799118, -0.0017914779018610716, -0.01996581256389618, -0.016016211360692978, -0.022056778892874718, 0.015958130359649658, -0.01720689982175827, -0.004613917786628008, -0.01587100699543953, 0.0071622817777097225, -0.02166472189128399, -0.004708301741629839, 0.034791335463523865, 0.00927139725536108, 0.040831901133060455, -0.009126191958785057, 0.02909926511347294, 0.03281653672456741, -0.02433651126921177, -0.02363952249288559, 0.021040337160229683, 0.0012796270893886685, -0.008603449910879135, 0.030870776623487473, 0.038072992116212845, -0.03821819648146629, -0.042748622596263885, 0.0022742876317352057, -0.007430912461131811, -0.0015791143523529172, -0.037027508020401, 0.0206337608397007, 0.014513331465423107, 0.007942763157188892, -0.02503350004553795, -0.006145840510725975, -0.03444284200668335, 0.03635955974459648, -0.003408708842471242, 0.009133451618254185, 0.0033814827911555767, -0.008930163457989693, 0.0009765097638592124, 0.021650202572345734, -0.012037570588290691, 0.05349385738372803, 0.0022016847506165504, -0.02160663902759552, 0.012582092545926571, -0.0007310209912247956, -0.0106218121945858, 0.009467425756156445, -0.026354873552918434, 0.045507531613111496, -0.011195375584065914, -0.006439882330596447, 0.02564336359500885, 0.0145641528069973, -0.0006738461670465767, -0.002628226997330785, 0.015522511675953865, 0.03627243638038635, -0.022318148985505104, -0.020111018791794777, -0.01303223054856062, 0.005583167541772127, 0.02024170383810997, 0.008276737295091152, -0.011906884610652924, -0.009126191958785057, -0.00719132274389267, -0.010171674191951752, 0.019864168018102646, -0.00034441027673892677, 0.017671559005975723, 0.016074294224381447, -0.013271820731461048, -0.019370468333363533, -0.03296174108982086, -0.004886178765445948, -0.0002772525476757437, -0.056310854852199554, -0.026659805327653885, 0.005082206800580025, -0.01312661450356245, 0.004668369889259338, -0.00808796938508749, -0.020038416609168053, 0.019370468333363533, 0.025846652686595917, -0.03313598781824112, 0.01626306213438511, 0.025483638048171997, 0.021258145570755005, -0.04176121950149536, -0.013780041597783566, -0.01784580759704113, -0.019283344969153404, 0.029142826795578003, -0.01963184028863907, -0.023770207539200783, -0.0060986485332250595, 0.007031596265733242, 0.012342502363026142, 0.028837895020842552, -0.009489206597208977, 0.004196451045572758, -0.005949812475591898, 0.011297020129859447, -0.010665373876690865, -0.015232100151479244, 0.031422559171915054, -0.003060214687138796, 0.00706426752731204, 0.024830210953950882, -0.021650202572345734, 0.01854279451072216, -0.030173789709806442, 0.002925899112597108, -0.0017297654412686825, -0.04025107994675636, -0.011928665451705456, 0.003317955182865262, 0.006447142455726862, -0.00021440560522023588, -0.00657056737691164, -0.009460165165364742, 0.006218443159013987, -0.024844732135534286, 0.030115706846117973, 0.004432410467416048, -0.023378152400255203, 0.018049094825983047, 0.008095229975879192, -0.019777044653892517, -0.01179071981459856, -0.025425555184483528, 0.004083916544914246, 0.006951733026653528, 0.008146051317453384, -0.042951907962560654, 0.0017969232285395265, 0.01229168102145195, 0.035401202738285065, 0.015043332241475582, -0.02372664585709572, -0.030638447031378746, -0.01553703285753727, -0.030725570395588875, -0.011079210788011551, -0.007688653189688921, 0.00719132274389267, 0.0014202953316271305, 0.014629495330154896, -0.006000634282827377, 0.030173789709806442, -0.014774701558053493, -0.002187164034694433, -0.003065659897401929, -0.0020165471360087395, -0.007311117835342884, 0.023479796946048737, 0.012269899249076843, 0.006890020798891783, -0.04571082070469856, 0.002357780933380127, 0.001006458536721766, 0.001221544691361487, -0.015638677403330803, 0.012807161547243595, -0.009489206597208977, -0.015014291740953922, -0.006574197672307491, -0.006327347829937935, 0.0042908345349133015, -0.0008948314352892339, -0.01113729365170002, -0.026543641462922096, -0.00691906176507473, 0.010701675899326801, -0.002953125163912773, -0.01617593877017498, -0.006280155852437019, 0.0022089448757469654, -0.009213315322995186, -0.009634411893785, -0.017497312277555466, -0.008567148819565773, 0.024960896000266075, -0.015566074289381504, 0.010178934782743454, 0.008429203182458878, 0.013533190824091434, 0.054916877299547195, -0.010810580104589462, 0.011384143494069576, -0.003303434466943145, 0.010585511103272438, -0.033339276909828186, -0.007115089800208807, 0.0021399720571935177, -0.009663453325629234, -0.0008140606805682182, 0.001491083181463182, 0.01169633585959673, -0.0003521243343129754, -0.001827779458835721, -0.0012415105011314154, -0.026471037417650223, -0.014012370258569717, 0.017032653093338013, 0.008037147112190723, -0.0242784284055233, -0.02355239912867546, -0.00512939877808094, -0.0021907943300902843, 0.012632914818823338, 0.009743317030370235, 0.002704460173845291, -0.020038416609168053, 0.014585933648049831, 0.017584435641765594, -0.008414682932198048, -0.005768304690718651, 0.011718117631971836, 0.00810248963534832, 0.0010536503978073597, 0.017802244052290916, 0.1842372566461563, -0.01318469736725092, 0.019196221604943275, 0.014731139875948429, 0.003132817568257451, -0.002321479609236121, 0.03258420526981354, 0.0010899518383666873, 0.02090965211391449, -0.0005522362189367414, -0.0029186387546360493, 0.015914568677544594, -0.0282280296087265, -0.0015754841733723879, 0.03534311801195145, -0.013329902663826942, -0.04968946427106857, -0.026659805327653885, -0.02968008816242218, 0.004062135238200426, -0.014593194238841534, -0.00507494667544961, -0.022405272349715233, -0.021737325936555862, 0.020982254296541214, -0.026761449873447418, -0.031480640172958374, -0.015711279585957527, 0.02288445271551609, 0.008421942591667175, -0.021069377660751343, -0.010418524034321308, 0.01948663406074047, -0.007492625154554844, -0.0026064461562782526, -0.00593166146427393, 0.020924171432852745, 0.012357023544609547, -0.000972879643086344, 0.020227184519171715, -0.022811848670244217, -0.029999541118741035, -0.0007387350779026747, 0.006454403046518564, 0.00529638584703207, 0.002548363758251071, -0.01041126437485218, 0.01605977490544319, -0.0013322642771527171, 0.0074563235975801945, -0.027487479150295258, -0.006860979367047548, 0.03284557908773422, 0.027502000331878662, -0.020038416609168053, -0.006890020798891783, -0.01014989335089922, 0.027879536151885986, 0.014673057943582535, 0.009874002076685429, -0.025991858914494514, 0.009721536189317703, 0.016640597954392433, 0.015507991425693035, -0.010295099578797817, 0.017729641869664192, -0.021359790116548538, 0.01696005091071129, 0.02236171066761017, 0.003553914837539196, 0.004330766387283802, -0.00898098573088646, -0.010890443809330463, -0.003025728277862072, -0.04585602879524231, -0.02728419192135334, 0.03325215354561806, 0.011856063269078732, -0.0011380513897165656, 0.040105871856212616, -0.011783460155129433, 0.007096938788890839, -0.012298940680921078, 0.012059351429343224, -0.013707438483834267, -0.04132560268044472, -0.00439973920583725, -0.014694838784635067, -0.010302359238266945, -0.02776337042450905, -0.013373464345932007, 0.021504996344447136, -0.008443723432719707, -0.005855428520590067, 0.0136566162109375, 0.0007446340750902891, 0.020749924704432487, 0.008639751933515072, -0.022840891033411026, 0.001951204496435821, -0.02160663902759552, 0.030696529895067215, 0.014760181307792664, -0.011042909696698189, -0.014331823214888573, -0.007732214871793985, -0.01592908799648285, 0.008211394771933556, 0.015043332241475582, 0.003016652772203088, 0.001029146951623261, -0.033455442637205124, -0.008538107387721539, -0.014193877577781677, 0.008153311908245087, 0.02464144304394722, -0.0014928983291611075, -0.01887676864862442, 0.0003171841672156006, -0.022594040259718895, 0.0073655699379742146, -0.01948663406074047, 0.012088391929864883, 0.01723594218492508, -0.0031509683467447758, 0.018136218190193176, -0.016016211360692978, -0.007125980220735073, -0.005470632575452328, -0.026078982278704643, 0.023145822808146477, -0.01820882223546505, 0.008777697570621967, -0.0016381042078137398, 0.009634411893785, -0.015377306379377842, -0.02509158104658127, -0.005394399631768465, -0.02525130845606327, -0.0006252929451875389, 0.008690574206411839, -0.001243325648829341, 0.0015346449799835682, 0.02461240254342556, 0.00396049115806818, -0.011885103769600391, 0.0033941881265491247, 0.014360864646732807, 0.007528926711529493, -0.024089660495519638, -0.0043852184899151325, -0.024626923725008965, 0.01620497927069664, -0.0037390522193163633, 0.03243900090456009, 0.0006230241269804537, -0.008930163457989693, -0.04330040514469147, -0.00792098231613636, -0.0017070770263671875, -0.037434086203575134, -0.00031990677234716713, 0.04228396341204643, -0.0077612558379769325, -0.0022198352962732315, -0.005089467391371727, -0.1887676864862442, 0.009961125440895557, 0.024714047089219093, -0.02567240595817566, 0.009699755348265171, 0.0223036278039217, 0.021534036844968796, 0.004192820750176907, -0.0012406030436977744, 0.0022942533250898123, 0.014731139875948429, 0.003942340612411499, 0.005013233982026577, -0.012386064045131207, 0.00943838432431221, 0.008850300684571266, 0.017352106049656868, -0.0048752883449196815, 0.02057567797601223, 0.01016441360116005, 0.0030838106758892536, -0.031161189079284668, 0.014012370258569717, 0.020081978291273117, -0.00924235675483942, 0.008124270476400852, -0.02160663902759552, 0.013859904371201992, -0.015972649678587914, -0.016321144998073578, 0.006443512625992298, -0.012509489431977272, 0.005281865131109953, -0.01617593877017498, 0.006044195964932442, 0.023900892585515976, -0.01698909141123295, 0.0013141134986653924, -0.0028042891062796116, 0.04849877581000328, 0.021766366437077522, 0.015914568677544594, 0.011035649105906487, 0.005016864277422428, -0.01401963084936142, -0.0073655699379742146, 0.015566074289381504, -0.021417872980237007, -0.002965830732136965, -0.02102581597864628, -0.01990773156285286, -0.012494969181716442, 0.036795180290937424, 0.012233598157763481, -0.0005558663979172707, 0.023871852084994316, 0.013867164961993694, 0.0020673691760748625, 0.020401431247591972, -0.017439229413866997, -0.028939537703990936, -0.01629210263490677, 0.012110172770917416, -0.01283620297908783, -0.009177013300359249, -0.022172942757606506, -0.023102261126041412, 0.002735316287726164, -0.02263760194182396, -0.004192820750176907, -0.014956208877265453, -0.01049838773906231, 0.020866090431809425, 0.005503304302692413, 0.025875693187117577, 0.0054379613138735294, -0.006468923296779394, -0.0037245317362248898, 0.005463372450321913, 0.023116782307624817, -0.017003612592816353, 0.047598499804735184, 0.003065659897401929, 0.00014792852743994445, 0.0174537505954504, -0.009946605190634727, -0.007485365029424429, -0.005946182180196047, -0.009249616414308548, 0.0007133240578696132, 0.011892364360392094, -0.010585511103272438, 0.015827445313334465, -0.016887446865439415, 0.029389677569270134, -0.0008417405188083649, -0.00026840405189432204, -0.017700601369142532, 0.01748279109597206, -0.0087268752977252, -0.002597370883449912, 0.012879764661192894, -0.028983099386096, 0.004156519193202257, 0.057733871042728424, 0.013888945803046227, -0.014985250309109688, -0.009314958937466145, 0.013692917302250862, -0.01645183004438877, -0.008937424048781395, 0.01195770688354969, 0.018252383917570114, -0.0033941881265491247, -0.004697411321103573, 0.024496236816048622, 0.010541949421167374, -0.03513983264565468, 0.0212436243891716, -0.029215428978204727, 0.044955749064683914, 0.009917563758790493, -0.022681163623929024, -0.008668793365359306, 0.015580594539642334, -0.0017315804725512862, -0.10001783072948456, 0.0058263870887458324, 0.01620497927069664, 0.018441151827573776, -0.04788890853524208, 0.016190459951758385, -0.004595767240971327, 0.011267978698015213, -0.008705094456672668, 0.03281653672456741, -0.01131880097091198, -0.01711977645754814, -0.01113729365170002, 0.005844538100063801, 0.010338661260902882, -0.001969355158507824, 0.019951293244957924, -0.03304886445403099, -0.0021635680459439754, 0.022143902257084846, 0.016829365864396095, -0.008356600068509579, -0.01321373786777258, -0.0066794720478355885, 0.02012553997337818, 0.0010273318039253354, -0.037376001477241516, 0.026354873552918434, 0.0253384318202734, 0.008058927953243256, 0.00265545304864645, -0.051606182008981705, 0.004436040762811899, -0.027516519650816917, -0.010694415308535099, -0.007234884425997734, -0.029883377254009247, 0.003172749187797308, 0.026601722463965416, -0.030783653259277344, 0.0031037763692438602, 0.006330977659672499, 0.03220667317509651, -0.0035176132805645466, -0.014861824922263622, -0.0023142192512750626, -0.03653380647301674, 0.0330779068171978, -0.012190036475658417, -0.022564999759197235, -0.006563307251781225, -0.028750771656632423, -0.00881399866193533, -0.006904541049152613, 0.015072373673319817, -0.010367701761424541, 5.051010521128774e-05, 0.013322643004357815, -0.02361048199236393, -0.0021472324151545763, -0.03392010182142258, 0.0007201305706985295, -0.018644439056515694, 0.02503350004553795, 0.015914568677544594, 0.0006711235619150102, -0.03432667627930641, -0.028750771656632423, 0.004904329776763916, -0.007499885279685259, -0.016829365864396095, 0.03104502335190773, -0.023900892585515976, -0.0034177841152995825, -0.03972833603620529, -0.01912361942231655, -0.03560448810458183, -0.023407192900776863, 0.0023886372800916433, -0.016161417588591576, -0.0007378275622613728, -0.022782808169722557, -0.019007453694939613, -0.0029549403116106987, 0.007369200233370066, -0.011935926042497158, -0.008211394771933556, 0.009540028870105743, 0.01629210263490677, -0.0282280296087265, 0.02394445426762104, 0.006860979367047548, 0.006824677810072899, -0.01403415109962225, -0.0008644289337098598, 0.030841736122965813, -0.00290230312384665, -0.012197297066450119, 0.01659703627228737, -0.004904329776763916, -0.044229719787836075, 0.009576329961419106, -0.0819542184472084, 0.019138138741254807, 0.001867711078375578, -0.008480025455355644, 0.003334290813654661, -0.009699755348265171, 0.003199975239112973, 0.004432410467416048, -0.012828942388296127, 0.0032435371540486813, -0.03281653672456741, 0.0012977778678759933, -0.01024427730590105, 0.0009982906049117446, -0.009677974507212639, -0.006929952185600996, 0.026078982278704643, -0.00907536968588829, 0.017047174274921417, 0.019196221604943275, 0.00231784931384027, 0.0068827602081000805, 0.026775971055030823, 0.028721729293465614, -0.016335666179656982, -0.011645514518022537, -0.0011380513897165656, 0.005586797371506691, -0.010767018422484398, 0.011710857041180134, 0.022869931533932686, -0.03926368057727814, 0.001978430664166808, -0.0011625548359006643, -0.004167409613728523, -0.012182775884866714, -0.0023087740410119295, 0.005938922055065632, 0.01042578462511301, 0.04123847931623459, -0.03920559585094452, -0.01546442974358797, -0.009489206597208977, -0.00792098231613636, -0.001153479446657002, 0.013801822438836098, 0.032642289996147156, 0.010186194442212582, 0.005082206800580025, -0.023871852084994316, 0.05192563310265541, 0.01696005091071129, -0.0037390522193163633, -0.05999908223748207, -0.02090965211391449, 0.010374962352216244, -0.0025501789059489965, -0.005673921201378107, -0.002401342848315835, -0.020081978291273117, 0.04068669676780701, 0.010570990853011608, 0.03287461772561073, 0.006951733026653528, 0.007579748518764973, 0.006160360760986805, 0.0035085377749055624, 0.008349340409040451, -0.01095578633248806, -0.02801022119820118, -0.011935926042497158, 0.013896205462515354, 0.004973302595317364, 0.019283344969153404, 0.012770860455930233, -0.0035430241841822863, -0.013954288326203823, 0.02160663902759552, -0.024438155815005302, 0.006029675714671612, 0.04240012541413307, -0.010730717331171036, -0.017526354640722275, 0.012770860455930233, 0.018049094825983047, -0.010854141786694527, -0.017947450280189514, 0.030522283166646957, 0.011021128855645657, 0.00659234868362546, -0.010578250512480736, 0.012298940680921078, 0.01854279451072216, 0.006174881476908922, -0.01034592092037201, 0.027168026193976402, -0.03028995357453823, 0.02130170725286007, 0.037027508020401, 0.036069147288799286, -0.0004914312739856541, -0.009794139303267002, 0.00032784772338345647, -0.020808007568120956, -0.03313598781824112, -0.0015936349518597126, -0.019922250881791115, 0.008516326546669006, 0.0002650007954798639, -0.005891730077564716, 0.014752920717000961, 0.005528714973479509, -0.009235096164047718, 0.014614975079894066, -0.02907022461295128, -0.002361411228775978, 0.019718963652849197, -0.014912647195160389, -0.025048019364476204, 0.023842811584472656, 0.004933370742946863, 0.018557315692305565, 0.02388637326657772, 0.009859481826424599, 0.026471037417650223, 0.01748279109597206, 0.03647572547197342, 0.0004265423631295562, 0.021838968619704247, -0.029970500618219376, 0.006432621739804745, -0.002628226997330785, 0.0014366309624165297, 0.009017286822199821, -0.014927167445421219, -0.015987170860171318, -0.0014883605763316154, -0.010941265150904655, -0.012661955319344997, 0.09357068687677383, 0.034762296825647354, 0.006585088092833757, 0.007971804589033127, -0.03993162512779236, -0.0014112199423834682, 0.04184834286570549, -0.012458667159080505, -0.01960279792547226, -0.03499462455511093, -0.000933855539187789, -0.011311540380120277, 0.00045467601739801466, -0.031219271942973137, 0.005467002745717764, -0.008400161750614643, -0.025440076366066933, 0.022477874532341957, 0.005586797371506691, 0.00319453002884984, 0.012364283204078674, 0.0062910462729632854, 0.02552719973027706, 0.02506254054605961, -0.006055086385458708, -0.004828096833080053, 0.018833206966519356, -0.015885526314377785, 0.027182547375559807, -0.02742939628660679, 0.0030947010964155197, 0.011188115924596786, -0.0336877703666687, -0.013446067459881306, -0.004704671446233988, -0.0037826141342520714, -0.011035649105906487, 0.005169330630451441, 0.03365873172879219, 0.009097150526940823, 0.01431004237383604, 0.008305777795612812, 0.007249405141919851, -0.0019040125189349055, -0.00792098231613636, -0.015028811991214752, -0.027443917468190193, -0.017860326915979385, -0.021766366437077522], metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='1d9b9efa-178a-4eeb-8cb0-fad8a9b2f228', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='a80e538630ae3c7ca51d892fa345709ce2ddc4bd0ec121932478c9ed6b9ca1ab'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='b9f51f04-61b6-440f-a2b8-a79c76671d62', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='68c24941e4e55e8b975a04fd9252f0106b5c489f45f596a60c614bbc2dfdb83f'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='6fb9afa9-f8a9-41c4-b881-a0f5bacb1f55', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='6adbd248e806e55f1c580547ff3950fdbf775d51e647ba5e25716cc0047db79d')}, hash='0da359aa64f1f5fc33cd04fa9b5f64b2f62396e71d28c51c01e94b85f8a14ce1', text='The datasets are summarized in Table 2. Further d etails of the datasets , spaces and a lgorithm parameter s election can be found in the original work [34]. The brute-force (BF) time is measured by the nmslib library. ', start_char_idx=151, end_char_idx=370, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
453
       " TextNode(id_='6fb9afa9-f8a9-41c4-b881-a0f5bacb1f55', embedding=[-0.012896154075860977, 0.0340605191886425, 0.006345782428979874, -0.014603412710130215, 0.007121809292584658, 0.003269894514232874, -0.010137731209397316, -0.014702179469168186, -0.043288182467222214, -0.06507337093353271, -0.019428888335824013, 0.00032011105213314295, -0.006426912732422352, 0.012169511057436466, -0.0009100677561946213, 0.014998480677604675, 0.021672310307621956, -0.005820200778543949, -0.00021373805066104978, -0.014419988729059696, -0.02977120876312256, 0.013326495885848999, -0.005439242348074913, -0.03569723293185234, -0.0026737649459391832, 0.038914214819669724, 0.006007152609527111, -0.00843752734363079, -0.013467592187225819, 0.003911880310624838, 0.023083269596099854, -0.014377659186720848, -0.004162325523793697, 0.02194039337337017, -0.009792046621441841, 0.0002687433734536171, 0.018455328419804573, -0.028317922726273537, 0.03236737102270126, 0.0013897933531552553, 0.012769167311489582, -0.010158895514905453, -0.009982526302337646, -0.007414583116769791, -0.028586003929376602, -0.005308728665113449, 0.005449824500828981, -0.01885039545595646, 0.006733796093612909, 0.02574997954070568, 0.010666840709745884, 0.03137969970703125, -0.01743943803012371, 0.015054919756948948, -0.007379309274256229, -0.008218828588724136, 0.01372156385332346, 0.011732113547623158, 0.004077667836099863, -0.01652231626212597, 0.0008232056861743331, -0.0014391769655048847, -0.0368259958922863, 0.030363811179995537, -0.010949032381176949, -0.0367695577442646, -0.016606973484158516, -0.002188748214393854, -0.00552389957010746, -0.012924373149871826, 0.018017930909991264, 0.046476949006319046, -0.042977772653102875, 0.00443040719255805, 0.03465312346816063, -0.02555244415998459, 0.006783179473131895, 0.0066350288689136505, -0.006024789530783892, 0.011104237288236618, 0.009784991852939129, -0.02263176254928112, -0.004045921377837658, 0.0252138152718544, 0.009538074024021626, 0.029855865985155106, 0.005629721563309431, 0.02196861244738102, -0.026949293911457062, 0.0077884867787361145, 0.033665452152490616, 0.02227902226150036, 0.026018060743808746, -0.023591212928295135, -0.010321156121790409, -0.0008090960909612477, -0.012889099307358265, 0.005806091241538525, 0.006201159209012985, -0.008458691649138927, -0.01746765710413456, 0.0003800767590291798, -0.00559444772079587, -0.012225949205458164, 0.0032522575929760933, 0.00045415203203447163, -0.012098962441086769, -0.005626194179058075, -0.01515368651598692, 0.014419988729059696, -0.006014207378029823, 0.008458691649138927, -0.010342320427298546, -0.003862496931105852, -0.007851979695260525, -0.017862726002931595, 0.03606408089399338, -0.021220805123448372, 0.002700220327824354, -0.014546974562108517, 0.031266823410987854, 0.009926088154315948, 0.030899975448846817, -0.009763827547430992, 0.03084353730082512, 0.00494893454015255, -0.007181774824857712, -0.01986628584563732, -0.02061409316956997, -0.040494486689567566, 0.028839977458119392, 0.025580665096640587, 0.012395263649523258, 0.009523964487016201, -0.024409569799900055, 0.02923504449427128, 0.005008900072425604, -0.037249285727739334, -0.026328472420573235, -0.03132326155900955, 0.0064163305796682835, 0.03081531822681427, 0.004582085181027651, -0.021333681419491768, -0.008084787987172604, 0.03487887606024742, -0.011760332621634007, 0.02948901802301407, 0.019654640927910805, -0.032790657132864, 0.002957720309495926, -0.013326495885848999, -0.009573348797857761, 0.04111531004309654, 0.025637103244662285, -0.008493965491652489, -0.004716126248240471, -0.0029030456207692623, -0.0170584786683321, -0.04577146843075752, -0.015224234201014042, 0.022730529308319092, -0.005707324016839266, -0.012790332548320293, 0.012896154075860977, 0.01938655972480774, -0.009305266663432121, -0.004462154116481543, -0.024635322391986847, -0.03183120861649513, -0.0027231485582888126, 0.009890814311802387, -0.026384910568594933, 0.012268277816474438, 0.02977120876312256, -0.010321156121790409, 0.04007120057940483, 0.004028284456580877, -0.030448468402028084, -0.019852176308631897, 0.007040679454803467, 0.007068898528814316, 0.01432122103869915, 0.009643896482884884, -0.011640401557087898, 0.0018730463925749063, 0.024381350725889206, 0.00019466808589641005, 0.01592971384525299, -0.019146697595715523, 0.007153555750846863, 0.0058025638572871685, -0.01011656690388918, -0.00411646906286478, -0.6090822219848633, -0.009573348797857761, 0.017425328493118286, -0.03242380917072296, 0.006786706857383251, 0.010970196686685085, 0.015196015127003193, 0.035076409578323364, 0.019993271678686142, 0.030871756374835968, -0.0218416266143322, 0.008804376237094402, -0.0048678042367100716, -0.004786674398928881, -0.028289703652262688, -0.008359924890100956, 0.0007165019633248448, -0.02439546026289463, 0.022589433938264847, 0.01605669967830181, -0.020670531317591667, 0.027626553550362587, -0.0007998367073014379, 0.0015326528809964657, 0.01152047049254179, -0.0005674695712514222, 0.03377832844853401, -0.039196405559778214, 0.00873382855206728, 0.0025467786472290754, -0.02306916005909443, 0.02357710339128971, 0.008049514144659042, 0.024466007947921753, 0.04737996309995651, -0.026709429919719696, -0.015337110497057438, 0.014363549649715424, 0.04334462061524391, 0.016635192558169365, -0.04072023928165436, -0.01458930317312479, 0.004359859507530928, -0.0017760430928319693, -0.02649778686463833, 0.012994920834898949, 0.010469306260347366, -0.005763762630522251, -0.011322936043143272, -0.0421876385807991, 0.0005114721716381609, 0.0041658529080450535, -0.017763957381248474, 0.007957802154123783, 0.0030106310732662678, -0.020571764558553696, 0.02181340754032135, -0.025100938975811005, 0.026370801031589508, 0.013058413751423359, 0.006726741325110197, -0.01018005982041359, 0.008063623681664467, -0.033947642892599106, -0.03163367137312889, 0.01383444108068943, -0.014243618585169315, 0.007809651084244251, -0.011456976644694805, -0.02043066918849945, 0.003943626768887043, 0.01438471395522356, 0.0018060259753838181, 0.006917220540344715, 0.026003951206803322, 0.026145046576857567, 0.03707997128367424, 0.01065273117274046, -0.017171356827020645, -0.005273454822599888, 0.004730235785245895, -0.005079447757452726, -0.011929647997021675, -0.002188748214393854, 0.017552314326167107, 0.006077700760215521, -0.02920682542026043, 0.010836155153810978, -0.007816705852746964, -0.007915472611784935, 0.00744280219078064, 0.003470956115052104, -0.014412933960556984, -0.03702353313565254, 0.005407495424151421, 0.020952722057700157, 0.018751628696918488, 0.009982526302337646, 0.003409226657822728, -0.04695667326450348, -0.019146697595715523, -0.012571633793413639, 0.005153523292392492, -0.03222627565264702, 0.0009268228895962238, 0.012247113510966301, 0.005534481722861528, 0.0066350288689136505, 0.019245464354753494, -0.012832661159336567, 0.01718546636402607, -0.01595793291926384, -0.013827386312186718, 0.0044409893453121185, 0.02083984576165676, -0.032564904540777206, 0.044840238988399506, -0.0023951008915901184, -0.016296561807394028, -0.011090127751231194, 0.02247655764222145, 0.005739070475101471, 0.022843405604362488, -0.006306981202214956, -0.0027425491716712713, 0.010426977649331093, -0.0009938434232026339, -0.010123621672391891, -0.026145046576857567, -0.006469241343438625, -0.0047619822435081005, -0.009700334630906582, 0.021756969392299652, -0.012896154075860977, 0.039393939077854156, -0.0027407854795455933, 0.01626834273338318, 0.005354584660381079, 0.001029117265716195, -0.023534774780273438, -0.021982721984386444, 0.0011543398723006248, 0.008261158131062984, -0.03772900998592377, -0.009763827547430992, 0.005894275847822428, -0.02350655570626259, 0.033157508820295334, -0.007301706355065107, 0.00045988403144292533, -0.016790397465229034, -0.010765607468783855, -0.030730659142136574, 0.007929583080112934, -0.00481489347293973, 0.00037236057687550783, 0.009248828515410423, -0.02036011964082718, -0.009784991852939129, -0.029799427837133408, 0.010173005051910877, 0.02974298968911171, -0.01649409532546997, -0.022857515141367912, -0.0012354699429124594, -0.015167796052992344, 0.011873209848999977, 0.007499240338802338, 0.026130937039852142, -0.03377832844853401, -0.003661435330286622, -0.025919293984770775, 0.002507977420464158, 0.017016150057315826, -0.006624446716159582, 0.007915472611784935, -0.004730235785245895, 0.004751400090754032, -0.005407495424151421, -0.013333550654351711, 0.008303486742079258, 0.004723181016743183, -0.012987866066396236, -0.008416363038122654, 0.03597942367196083, 0.005876638926565647, 0.0075980075635015965, -0.008790266700088978, -0.008522184565663338, 0.0017143136356025934, 0.02096683159470558, 0.009340540505945683, -0.015788616612553596, 0.0017469420563429594, -0.018017930909991264, 0.0024550664238631725, 0.004709071479737759, -0.005784926936030388, -0.010046019218862057, 0.03219805657863617, -0.003703764174133539, -0.006031844299286604, 0.016945602372288704, -0.009446362033486366, 0.01851176656782627, -0.023026831448078156, 0.013051358982920647, -0.014377659186720848, 0.007414583116769791, 0.014201289974153042, 0.021488886326551437, 0.003996537998318672, -0.016070809215307236, -0.01813080720603466, 0.009926088154315948, 0.018483547493815422, -0.0238310769200325, 0.002832497702911496, 0.00044599492684938014, 0.016479985788464546, 0.006603282410651445, -0.006807871162891388, 0.02347833663225174, 0.016395328566432, -0.007880198769271374, -0.00010301094152964652, 0.017890945076942444, 0.0353868193924427, 0.004314003512263298, -0.009531019255518913, -0.01372156385332346, 0.0002093288057949394, 0.011414648033678532, 0.013538139872252941, 0.017171356827020645, 0.012571633793413639, 0.02892463468015194, 0.0002687433734536171, 0.009319376200437546, 0.003823695471510291, 0.022928062826395035, 0.007259377744048834, -0.0030688331462442875, -0.008571567945182323, 0.01085732039064169, 0.0019876868464052677, 0.04043804854154587, 0.014744509011507034, -0.01287498977035284, 0.013397043570876122, -0.0006931329844519496, 0.007047734223306179, 0.008070678450167179, 0.028346141800284386, 0.01667752116918564, -0.015337110497057438, -0.0020705806091427803, 0.008987801149487495, 0.031746551394462585, 0.02546778693795204, 0.020317791029810905, -0.02590518444776535, 0.024903403595089912, -0.008776157163083553, -0.0011702131014317274, -0.05948597937822342, 0.014243618585169315, 0.013827386312186718, 0.006652665790170431, -0.018808066844940186, -0.0042787292040884495, -0.005121776834130287, 0.007929583080112934, -0.023845186457037926, 0.014504645951092243, -0.0027725319378077984, 0.014786837622523308, -0.0013509920099750161, 0.03027915395796299, 0.011125401593744755, -0.029291482642292976, -0.01161218248307705, 0.017890945076942444, 0.021009160205721855, 0.004000065382570028, -0.02137601003050804, -0.002767240861430764, 0.015252453275024891, -0.019838066771626472, 0.00034414141555316746, -0.009495745413005352, 0.010137731209397316, -0.004938352387398481, -0.0170584786683321, -0.007816705852746964, -0.0020388339180499315, 0.03053312562406063, 0.00019257368694525212, -0.008811431005597115, 0.006867836695164442, -0.0001410957775078714, -0.00891019869595766, -0.005873111542314291, -0.011203004978597164, 0.04791612550616264, -0.018808066844940186, -0.019823957234621048, -0.0231679268181324, -0.00042020087130367756, -0.004176435060799122, -0.008388143964111805, -0.01598615199327469, 0.001802498591132462, 0.03163367137312889, 0.00764033617451787, 0.0011993141379207373, -0.010095402598381042, 0.01438471395522356, 0.04427585378289223, -0.00757684325799346, -0.010497525334358215, -0.02915038727223873, 0.002739021787419915, 0.02089628390967846, 0.04153859615325928, 0.03056134469807148, -0.007047734223306179, 0.0006785825244151056, -0.019527655094861984, -0.008712664246559143, -0.026243815198540688, 0.009291157126426697, 0.015492316335439682, 0.0032064015977084637, -0.018864504992961884, -0.02275874838232994, 0.020628202706575394, 0.015492316335439682, 0.026991622522473335, 0.005763762630522251, 0.00993314292281866, -0.030984632670879364, 0.0003121744084637612, 0.03521750494837761, -0.007322870660573244, -0.0054815709590911865, 0.011217114515602589, 0.02672353945672512, -0.0075980075635015965, 0.0036508531775325537, 0.03581010922789574, -0.0032363843638449907, 0.010377594269812107, -0.028712989762425423, -0.0020811627618968487, 0.02074107900261879, 0.030420249328017235, 0.019287792965769768, -0.005008900072425604, 0.005742598325014114, 0.021742859855294228, 0.011718004010617733, 0.017481766641139984, -0.010370539501309395, 0.01618368551135063, 0.01377094816416502, 0.005037119146436453, 0.00860684271901846, 0.013213619589805603, 0.0031376173719763756, 0.0068995836190879345, 0.017044369131326675, -0.04009941965341568, -0.007315815892070532, 0.0119437575340271, -0.029912304133176804, -0.02007792890071869, -0.005883693695068359, -0.008091842755675316, -0.00936170481145382, -0.017862726002931595, -0.007661500480026007, 0.0003439209540374577, -0.04455804452300072, -0.007590952794998884, -0.006522152107208967, 0.009834375232458115, 0.001473568961955607, -0.018991490826010704, -0.006490405648946762, -0.028049839660525322, -0.005411022808402777, -0.02800751104950905, -0.004112941678613424, 0.004829003009945154, -0.008218828588724136, -0.021347790956497192, -0.017129026353359222, 0.01598615199327469, 0.022166145965456963, 0.011816771700978279, 0.013418207876384258, -0.025580665096640587, 0.0076262266375124454, -0.010645676404237747, -0.007259377744048834, 0.0036861272528767586, -0.014504645951092243, 0.001025589881464839, -0.011167731136083603, -0.010003690607845783, -0.016550535336136818, -0.004289311822503805, -0.03961969539523125, 0.013023139908909798, -0.024536555632948875, 0.0035185760352760553, 0.012106017209589481, 0.01144286710768938, 0.004529174417257309, 0.022264912724494934, 0.02263176254928112, 0.007767322473227978, -0.022984502837061882, 0.01951354555785656, 0.01369334477931261, -0.01287498977035284, 0.00015211888239718974, 0.0258769653737545, 0.015083138830959797, 0.01011656690388918, -0.00045459295506589115, -0.0003966114018112421, -0.009926088154315948, 0.019047928974032402, -0.0197957381606102, 0.014476426877081394, 0.003409226657822728, 0.015040809288620949, 0.03837805241346359, 0.020698750391602516, 0.018652861937880516, 0.010546909645199776, -0.007435747422277927, -0.0006882828311063349, -0.0020617619156837463, 0.013890879228711128, 0.004550338722765446, -0.019160807132720947, 0.013996700756251812, -0.01844121888279915, 0.0015203070361167192, -0.028529565781354904, 0.005439242348074913, -0.011718004010617733, 0.019090259447693825, 0.012437592260539532, -0.018991490826010704, -0.029517237097024918, -0.01844121888279915, -0.0035221034195274115, -0.0009250591974705458, -0.024353131651878357, -0.007037152070552111, -0.004906605463474989, -0.02014847658574581, 0.008289377205073833, -0.008091842755675316, -0.027344360947608948, -0.018271902576088905, -0.03552791476249695, 0.018525876104831696, 0.013975536450743675, 0.001193141215480864, -0.02168642170727253, -0.015252453275024891, -0.0007319343276321888, -0.04015585780143738, -0.007213521748781204, -0.01396142691373825, -0.013538139872252941, 0.015407659113407135, 0.03180298954248428, 0.004613832104951143, 0.028219155967235565, 0.0069842408411204815, 0.006236433517187834, 0.02685052715241909, -0.0036790722515434027, -0.005788454320281744, 0.0024250836577266455, -0.01068800501525402, -0.005985988304018974, 0.003086470067501068, 0.0353868193924427, -0.002830734010785818, 0.0150125902146101, 0.01180266123265028, 0.021234914660453796, 0.03572545200586319, 0.004874859005212784, -0.030984632670879364, -0.008754992857575417, -0.04004298150539398, 0.010165950283408165, -0.020162586122751236, -0.0059083858504891396, 0.018342450261116028, -0.032593123614788055, -0.016352999955415726, -0.00017240140005014837, 0.0012116599828004837, 0.010518690571188927, 0.004395133350044489, 0.034004081040620804, 0.0039295172318816185, -0.00616941275075078, 0.020275462418794632, 0.021629981696605682, -0.03823695704340935, 0.01131588127464056, -0.019174916669726372, -0.009291157126426697, 0.02099505066871643, -0.017636971548199654, 0.008599787950515747, 0.005185269750654697, -0.0032310932874679565, -0.006310508586466312, 0.004264619667083025, -0.011654511094093323, -0.021644091233611107, -0.0019876868464052677, -0.0008329059928655624, -0.011090127751231194, -0.02473408915102482, -0.025453677400946617, 0.0059648239985108376, -0.026300253346562386, -0.0013307095505297184, -0.011266497895121574, 0.0038660243153572083, -0.028219155967235565, -0.008127116598188877, 0.018596423789858818, 0.025538334622979164, 0.046505168080329895, -0.0003137176390737295, 0.024719979614019394, 0.042159419506788254, -0.02099505066871643, -0.022928062826395035, 0.0006164121441543102, 0.010455196723341942, -0.0022240220569074154, 0.02895285375416279, 0.03253668546676636, -0.04498133435845375, -0.02915038727223873, 0.006977186072617769, -0.012282387353479862, -0.022518886253237724, -0.04831119254231453, 0.030928194522857666, 0.013312386348843575, 0.02194039337337017, -0.03521750494837761, 0.002213439904153347, -0.030928194522857666, 0.025256143882870674, -0.016000261530280113, 0.003883661236613989, 0.0017857433995231986, -0.0010044255759567022, 0.00031393810058943927, 0.02562299370765686, -0.010130676440894604, 0.048452287912368774, -0.001576745300553739, -0.016564644873142242, 0.010864375159144402, -0.0037108189426362514, -0.00552389957010746, 0.007238213438540697, -0.014561084099113941, 0.05164105445146561, -0.018173135817050934, -0.0030018126126378775, 0.02800751104950905, 0.007266432512551546, -0.0042787292040884495, 0.00030181268812157214, 0.0014576957328245044, 0.03377832844853401, -0.030504906550049782, -0.012437592260539532, -0.0026825834065675735, 0.011287662200629711, 0.013841495849192142, -0.004314003512263298, -0.011830881237983704, -0.017382999882102013, -0.009940197691321373, 0.0211784765124321, 0.01900560036301613, -0.014391768723726273, 0.019146697595715523, 0.006582118105143309, -0.019118478521704674, -0.017143135890364647, -0.026836415752768517, -0.0006794643704779446, 0.01396142691373825, -0.05697447434067726, -0.02754189632833004, 0.002603217028081417, -0.010053073987364769, 0.0019700496923178434, -0.01095608714967966, -0.035048190504312515, 0.009404033422470093, 0.024635322391986847, -0.025199705734848976, 0.0021746386773884296, 0.045122429728507996, 0.013890879228711128, -0.048424068838357925, -0.007929583080112934, -0.01693149283528328, -0.014419988729059696, 0.025848746299743652, -0.020755188539624214, -0.02004970982670784, 0.0013289458584040403, -0.0023527720477432013, 0.023492446169257164, 0.025580665096640587, -0.005418077576905489, 0.006493933033198118, 0.009516909718513489, 0.005361639428883791, -0.005770817399024963, -0.01626834273338318, 0.01287498977035284, -0.006906638387590647, 0.00719235697761178, 0.019118478521704674, -0.014561084099113941, 0.01512546744197607, -0.009707389399409294, 0.000998252653516829, -0.017933273687958717, -0.04551749676465988, -0.027598334476351738, 0.0005339593044482172, 0.006677357479929924, 0.000737225404009223, -0.011654511094093323, -0.017270123586058617, 0.001669339369982481, -0.022645872086286545, 0.015196015127003193, 0.005044173914939165, -0.023464227095246315, 0.004423352424055338, -0.0001750469527905807, 0.0026085081044584513, -0.017072588205337524, -0.01746765710413456, -0.007527459878474474, 0.005682632327079773, 0.009439307264983654, -0.03710819035768509, -0.002955956617370248, 0.02974298968911171, 0.054745160043239594, 0.03112572804093361, -0.015365329571068287, -0.02892463468015194, 0.001666693831793964, -0.05161283537745476, -0.008613897487521172, -0.02253299579024315, 0.01743943803012371, -0.0033880623523145914, 0.014095468446612358, -0.0009717971552163363, 0.026356691494584084, -0.013982591219246387, -0.0020088511519134045, -0.010878484696149826, -0.010518690571188927, -0.002668473869562149, 0.008571567945182323, 0.014307111501693726, -0.006465713959187269, -0.04066380113363266, 0.017509985715150833, -0.007485130801796913, 0.00132012739777565, -0.0032892953604459763, 0.0038695516996085644, -0.005418077576905489, -0.009072458371520042, -0.000931232119910419, 0.018836285918951035, 0.018088478595018387, 0.0016252469504252076, 0.009531019255518913, -0.0395914763212204, -0.0071182819083333015, 0.011859100311994553, -0.005442769732326269, -0.0197957381606102, 0.003174654906615615, -0.0010626275325194001, -0.0010688004549592733, -0.007344034966081381, -0.005418077576905489, -0.02281518653035164, 0.018554095178842545, -0.02414148673415184, 0.026328472420573235, 0.010243553668260574, 0.005605029873549938, 0.05299557372927666, -0.0077602677047252655, 0.0007711765938438475, -0.004846639931201935, -0.008536294102668762, -0.030899975448846817, 0.008620952256023884, 0.012628071941435337, -0.017016150057315826, 0.013284167274832726, -0.013213619589805603, 0.005520372185856104, 0.000850542972330004, 0.008000130765140057, -0.0017310688272118568, -0.022575324401259422, -0.017354780808091164, 0.01810258813202381, 0.008275267668068409, -0.014490536414086819, -0.010553964413702488, -0.001991214230656624, 0.005760235246270895, 0.00047355270362459123, 0.005710851401090622, 0.008522184565663338, -0.008239992894232273, 0.010257663205265999, 0.013072523288428783, -0.020670531317591667, -0.015605192631483078, -0.0008950763149186969, 0.018328340724110603, 0.001028235419653356, 0.011104237288236618, 0.19764696061611176, -0.0004881031927652657, 0.03414517641067505, 0.02977120876312256, 0.0012610434787347913, -0.003266367129981518, 0.03056134469807148, 0.009580403566360474, 0.006000097841024399, -0.004522119648754597, -0.0013721564318984747, 0.009728553704917431, -0.011393483728170395, 0.003636743640527129, 0.0423569530248642, -0.023365460336208344, -0.02508682943880558, -0.03236737102270126, -0.016352999955415726, 0.02439546026289463, -0.0023545357398688793, -0.012190675362944603, -0.015323000960052013, -0.00926999282091856, 0.018709300085902214, -0.02395806275308132, -0.031210385262966156, 0.0005749652627855539, 0.0197393000125885, -6.206009857123718e-05, -0.021291352808475494, -0.007058316376060247, 0.02373231016099453, -0.010074238292872906, -0.005763762630522251, -0.01894916221499443, 0.02675175853073597, 0.002209912519901991, -0.006486878264695406, 0.017227794975042343, -0.016395328566432, -0.022152036428451538, 0.017509985715150833, 0.02833203226327896, 0.002624381333589554, 0.0003035763802472502, -0.004627941641956568, 0.02565121278166771, 0.0010053074220195413, 0.00912889651954174, -0.027048060670495033, -0.020007381215691566, 0.01323478389531374, 0.005682632327079773, -0.01951354555785656, -0.009404033422470093, -0.00706537114456296, 0.02385929599404335, 0.0058025638572871685, 0.01664930209517479, -0.036741338670253754, -0.007026569452136755, 0.0150125902146101, 0.003174654906615615, -0.02424025349318981, 0.02370409108698368, -0.037531476467847824, 0.023915734142065048, 0.008769102394580841, 0.008430472575128078, -0.008994855917990208, -0.019696969538927078, -0.030956413596868515, -0.013319441117346287, -0.03248024731874466, -0.03595120459794998, 0.03327038511633873, 0.006832562852650881, 0.003760202322155237, 0.029884085059165955, 0.005587392952293158, 0.015111357904970646, 0.0011984322918578982, 0.012324715964496136, -0.01113951113075018, -0.03566901385784149, 0.004927769768983126, -0.005940132308751345, -0.016169575974345207, -0.02687874622642994, -0.014314166270196438, 0.021164366975426674, -0.014490536414086819, -0.016578754410147667, 0.01590149477124214, -0.0010044255759567022, 0.02524203434586525, -0.0016737486002966762, -0.030871756374835968, -0.008183554746210575, -0.002961247693747282, 0.04167969152331352, 0.022462448105216026, 0.004659688100218773, -0.011351155117154121, -0.011245333589613438, 0.005996570456773043, 0.009008965454995632, 0.007844924926757812, 0.019979162141680717, 0.000999134499579668, -0.041849005967378616, -0.007844924926757812, -0.0066350288689136505, 0.014800947159528732, 0.03321394696831703, 0.004239927977323532, -0.012825606390833855, 0.009876704774796963, -0.017524095252156258, 0.017636971548199654, -0.013594578020274639, 0.016423547640442848, 0.027908744290471077, -0.008317596279084682, 0.012564579024910927, -0.008120061829686165, -0.0024056830443441868, -0.018271902576088905, -0.03137969970703125, 0.015139576978981495, -0.013601632788777351, 0.02335135079920292, 0.0035062299575656652, 0.007231158670037985, -0.023252584040164948, -0.025538334622979164, -0.008155335672199726, -0.02596162259578705, 0.0008135053212754428, 0.017425328493118286, -0.0052628726698458195, 0.014328275807201862, 0.024621212854981422, -0.0003655262407846749, -0.0126069076359272, 0.011012525297701359, 0.02823326550424099, 0.01515368651598692, -0.019979162141680717, 0.005379276350140572, -0.015337110497057438, 0.01598615199327469, -0.02360532246530056, 0.02071285992860794, -0.016536425799131393, -0.01338998880237341, -0.03956325724720955, -0.0023827548138797283, 0.006522152107208967, -0.029291482642292976, 0.006504515185952187, 0.0409742146730423, -0.008959582075476646, -0.005336947739124298, -0.01734067127108574, -0.18094122409820557, 0.00852923933416605, 0.029093949124217033, -0.03637449070811272, 0.022335462272167206, 0.00939697865396738, 0.015760397538542747, -0.015576973557472229, -0.0031570179853588343, -0.00385544216260314, 0.00946047157049179, -0.001735478057526052, 0.00416938029229641, -0.023929843679070473, 0.015181905589997768, 0.004208181519061327, 0.010462251491844654, 0.010913758538663387, 0.01695971190929413, 0.005601502489298582, -0.001349228317849338, -0.01741121895611286, 0.017199575901031494, 0.01782039739191532, -0.0015829182229936123, 0.011619237251579762, -0.012240058742463589, 0.021361900493502617, -0.018017930909991264, -0.013136017136275768, 0.004098832141608, -0.02644134871661663, 0.002642018487676978, -0.023238474503159523, -0.00926999282091856, 0.015520535409450531, 0.007054788991808891, -0.004881913773715496, 0.0017725157085806131, 0.06078406050801277, 0.022490667179226875, 0.024536555632948875, 0.024127377197146416, 0.012444647029042244, -0.016606973484158516, 0.0019224300049245358, 0.01882217638194561, -0.013509920798242092, -0.010243553668260574, -0.006613864563405514, -0.023026831448078156, 0.0032222748268395662, 0.028092168271541595, 0.0014074303908273578, 0.004398660734295845, -0.005728488322347403, 0.023252584040164948, 0.007051261607557535, 0.026681210845708847, -0.005961296614259481, -0.014744509011507034, -0.005068865604698658, 0.008077733218669891, -0.014081358909606934, -0.0032310932874679565, -0.03978900983929634, -0.011090127751231194, 0.0003800767590291798, -0.026455458253622055, -0.01471628900617361, -0.012091907672584057, -0.0021005633752793074, 0.021192586049437523, 0.013340605422854424, 0.013785057701170444, 0.01446231734007597, 0.0061235567554831505, 0.0016226014122366905, -0.0010352903045713902, 0.03163367137312889, -0.005880166310817003, 0.03112572804093361, 0.0034815382678061724, -0.014088413678109646, 0.006271707359701395, -0.013707454316318035, -0.016832726076245308, -0.00706537114456296, -0.0005643831100314856, 0.010285882279276848, 0.004589139949530363, -0.016409438103437424, 0.012578688561916351, -0.007964856922626495, 0.028586003929376602, 0.0020987996831536293, 0.005167632829397917, -0.00494893454015255, 0.015718068927526474, -0.017072588205337524, 0.0007575079216621816, -0.0056403037160634995, -0.025834636762738228, 0.009552184492349625, 0.047859687358140945, 0.017806287854909897, -0.023943953216075897, -0.0012998448219150305, 0.015619302168488503, -0.026300253346562386, 0.010638621635735035, 0.02074107900261879, 0.03329860419034958, 0.0014929696917533875, -0.014575193636119366, 0.042949553579092026, -0.000656536256428808, -0.0326777808368206, 0.010878484696149826, -0.02124902419745922, 0.06050186976790428, 0.003560904646292329, -0.02895285375416279, -0.011555744335055351, 0.010772662237286568, -0.0008143871673382819, -0.1064426526427269, -0.007231158670037985, 0.02219436503946781, 0.016282452270388603, -0.050596944987773895, 0.003606760874390602, -0.0024956315755844116, 0.021799298003315926, -0.018935052677989006, 0.03459668532013893, -0.005135886371135712, -0.01897738128900528, -0.008740883320569992, 0.002992994152009487, 0.00067373231286183, -0.006423385348170996, 0.019372450187802315, -0.02675175853073597, 0.003149963216856122, 0.035584352910518646, 0.005111194681376219, -0.0010035437298938632, -0.007746158167719841, -0.010194170288741589, 0.0035256308037787676, 0.008557458408176899, -0.03005339950323105, 0.02713271789252758, 0.01419423520565033, 0.02672353945672512, 0.00870560947805643, -0.037503257393836975, 3.9572954847244546e-05, -0.013594578020274639, -0.014998480677604675, -0.007809651084244251, -0.024197924882173538, -0.0027072750963270664, 0.02439546026289463, -0.027753539383411407, 0.001094374107196927, -0.004786674398928881, 0.007428692653775215, -0.0010299991117790341, -0.0115839634090662, 0.005467461422085762, -0.01618368551135063, 0.02370409108698368, 0.0010396995348855853, -0.0029347920790314674, -0.011830881237983704, -0.037785448133945465, -0.0063422550447285175, -0.0005022127879783511, 0.004617359489202499, -0.028600113466382027, -0.0029806483071297407, 0.0032945864368230104, -0.023280803114175797, 0.002444484271109104, -0.014222454279661179, 0.012113071978092194, -0.018483547493815422, 0.020853955298662186, 0.026455458253622055, 0.02194039337337017, -0.03270599991083145, -0.01718546636402607, 0.0030635420698672533, -0.00378842162899673, -0.022166145965456963, 0.02716093696653843, -0.010758552700281143, 0.009883759543299675, -0.03758791461586952, -0.018554095178842545, -0.03575367107987404, -0.020755188539624214, -0.0012284150579944253, -0.005869584158062935, -0.019936833530664444, -0.01703025959432125, -0.003109398065134883, -0.006306981202214956, 0.0020617619156837463, 0.007407528348267078, -0.017072588205337524, -0.004885441157966852, 0.017072588205337524, -0.037531476467847824, 0.010864375159144402, 0.004511537496000528, -0.009700334630906582, -0.027302032336592674, 0.015379440039396286, 0.025072719901800156, -0.004793729167431593, -0.0006300808163359761, 0.03264956176280975, 0.0019365395419299603, -0.03812407702207565, 0.0021005633752793074, -0.068121038377285, 0.01797560229897499, 0.002851898316293955, -0.01439882442355156, -0.0076262266375124454, -0.009707389399409294, 0.012571633793413639, -0.006726741325110197, -0.005322838202118874, -0.0023809911217540503, -0.031153947114944458, 0.0024286110419780016, -0.016691630706191063, -0.009079513140022755, -0.01935834065079689, -0.015506425872445107, 0.006945439614355564, -0.01515368651598692, 0.019555874168872833, 0.023111488670110703, 0.002283987822011113, 0.00359617848880589, 0.0007239977130666375, -0.0029806483071297407, -0.013813276775181293, -0.021446557715535164, -0.014003755524754524, 0.0018051441293209791, 0.003657907946035266, 0.008239992894232273, 0.02649778686463833, -0.02677997760474682, -0.006649138405919075, 0.008084787987172604, 0.0003481097228359431, -0.017665190622210503, 0.006627974100410938, 0.013375879265367985, 0.011125401593744755, 0.034258052706718445, -0.045969005674123764, -0.0156757403165102, -0.010158895514905453, -0.006261125206947327, -0.015633411705493927, 0.017354780808091164, 0.019428888335824013, 0.015873275697231293, 0.008183554746210575, -0.009827320463955402, 0.04862160608172417, 0.012987866066396236, 0.0017231322126463056, -0.05149995908141136, -0.021136147901415825, 0.010095402598381042, -0.0075697884894907475, -0.010038964450359344, 0.009340540505945683, -0.023647652938961983, 0.032621342688798904, 0.007421637885272503, 0.04009941965341568, 0.018737519159913063, 0.018878614529967308, -0.03132326155900955, -0.01592971384525299, -0.002961247693747282, -0.007209994364529848, -0.02260354347527027, -0.0018589368555694818, 0.012014305219054222, 0.0238310769200325, 0.02237779088318348, 0.01058923825621605, -0.007957802154123783, -0.009996635839343071, 0.010038964450359344, -0.038575585931539536, 0.01583094522356987, 0.021446557715535164, -0.016536425799131393, -0.017241904512047768, 0.007206466980278492, 0.019527655094861984, -0.009298211894929409, -0.008924308232963085, 0.025227924808859825, -0.0009709153091534972, 0.014673960395157337, 0.009255883283913136, 0.010673895478248596, -0.001634065411053598, -0.00320992898195982, -0.0035820689518004656, 0.027146827429533005, -0.01439882442355156, 0.00986965000629425, 0.028882306069135666, 0.01803204044699669, -0.008747938089072704, -0.0005255817668512464, -0.011781496927142143, -0.017890945076942444, -0.019936833530664444, 0.004476263653486967, -0.014448207803070545, 0.011259443126618862, 0.010843210853636265, -0.015760397538542747, 0.02518559619784355, 0.0024868131149560213, -0.005693214479833841, 0.016437657177448273, -0.033721890300512314, 0.0006622683140449226, 0.005735543090850115, -0.030871756374835968, -0.0464487299323082, 0.031210385262966156, -0.017890945076942444, 0.006433967500925064, 0.0314079187810421, 0.015492316335439682, 0.02508682943880558, 0.020472997799515724, 0.0354432575404644, 0.0020317791495472193, 0.019852176308631897, -0.02895285375416279, 0.012825606390833855, -0.005806091241538525, -0.0017495875945314765, 0.016310671344399452, -0.001572336070239544, -0.02171464078128338, 0.007908417843282223, 0.004060030914843082, -0.011548689566552639, 0.09532430768013, 0.03245202824473381, -0.001991214230656624, -0.0022028577513992786, -0.023153817281126976, -0.009658006019890308, 0.029347920790314674, -0.0046491059474647045, -0.02281518653035164, -0.04853694885969162, -0.0019153751200065017, -0.01386266015470028, 0.003657907946035266, -0.030335592105984688, -0.0026190902572125196, -0.02237779088318348, -0.02697751298546791, 0.02470587007701397, -0.0041199964471161366, 0.007023042067885399, 0.01152047049254179, 0.014532865025103092, 0.016987930983304977, 0.009707389399409294, -0.018906833603978157, -0.0068995836190879345, -0.0016472932184115052, -0.0018430636264383793, 0.014913823455572128, -0.030109839513897896, 0.00295066530816257, 0.02294217236340046, -0.054462969303131104, -0.026455458253622055, -0.005411022808402777, 0.004557393491268158, -0.007026569452136755, 0.0030423777643591166, 0.02404271997511387, 0.01746765710413456, 0.010137731209397316, 0.012776222079992294, 0.003107634373009205, 0.0014973789220675826, -0.012592798098921776, -0.0314079187810421, -0.020656421780586243, -0.023097379133105278, -0.02452244609594345], metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='1d9b9efa-178a-4eeb-8cb0-fad8a9b2f228', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='a80e538630ae3c7ca51d892fa345709ce2ddc4bd0ec121932478c9ed6b9ca1ab'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='91d910f9-e90f-4f10-ad70-0c016ceeb676', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f649ce611b6774a4cd9f66da8321d5b30f0788c45132f9089f6e5ad2654ea481'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='9cdcb748-dfc4-475c-84c3-2994870e1b39', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f98911041081d3f5f85ddf94980da2bd7d016a01b8cff04f88a2661de6cc4aee')}, hash='eacc717f0c4e3b021bf7b463d51f88c06799d84e82980688d067fa0414b9fb3e', text='The results are presented in Fig. 14. Hierarchical NSW significantly improves the performance of NSW and is a leader for any of the tested datasets. The strongest e nhancement over NSW, almost by 3 orders of magnitude is observed for the dataset with the lo west dimensionality, the wiki-8 with JS-divergence. This is an important result that demonstrates the robustness of Hierarchical NSW , as for the original NSW this dataset was a stumbling block. Note that for the wiki-8 to nullify the effect of impleme ntation results are presented for the distance computations number instead of the CPU time. 5.4 Comparison with product quantization based algorithms. Product quantization K-ANNS algorithms [10-17] are considered as the state-of-the-art on billion scale dataset s since they can efficiently compress stored data , allowing modest RAM usage while achieving millisecond search times on modern CPUs. To compare the performance of Hierarchical NSW against PQ algorithms we used the facebook Faiss library8 as the baseline (a new library with state-of-the-art PQ algorithms [12, 15] implementations, released after the current manuscript was submitted) compiled with the OpenBLAS backend. The tests where done for a 200M subset of 1B SIFT dataset [13] on a 4X Xeon E5-4650 v2 server with 128Gb of RAM. The ann-benchmark testbed was not feasible for these experiments because of its rel iance on 32-bit floating point format (requiring more than 100 Gb just to store the data). To get the results for Faiss PQ algorithms we have utilized built-in scripts with the parameters from Faiss wiki9. For the Hierarchical NSW algorithm we used a special build outside of the nmslib with a small memory footprint, simple non-vectorized 8 https://github.com/facebookresearch/faiss 2017 May build. From 2018 Faiss library has its own implementation of Hierarchical NSW. 9 https://github.com/facebookresearch/faiss/wiki/Indexing-1G-vectors TABLE 3. Parameters for comparison between Hierarchical NSW and Faiss on a 200M subset of 1B SIFT dataset. Algorithm Build time Peak memory (runtime) Parameters Hierarchical NSW 5.6 hours 64 Gb M=16, efConstruction =500 (1) Hierarchical NSW 42 minutes 64 Gb M=16, efConstruction =40 (2) Faiss 12 hours 30 Gb OPQ64, IMI2x14, PQ64 (1) Faiss 11 hours 23.5 Gb OPQ32, IMI2x14, PQ32 (2) 0,00,20,40,60,81,00,1 1 10 100Query time, msRecall200M SIFT, 1-NN Faiss 1 Faiss 2 HNSW 1 HNSW 21 10 1000,10,20,30,40,50,6Query time, msDataset size, millions Fig. 15 Results of comparison with Faiss library on the 200M SIFT dataset from [13]. The inset shows the scaling of the query time vs the dataset size for Hierarchical NSW. 0,20,40,60,81,00,1 1 10 100Query time, msRecall2M Wiki-128 (JS-div), 10-NNBF: 1.17 s Hierarchical NSW NSW VP-tree NAPP0,800,850,900,951,0010 100 1000Query time, msRecall1M ImageNet, 10-NNBF: 18.3 s Hierarchical NSW NSW VP-tree NAPP bruto-force filtering0,60,70,80,91,0100 1000 10000 100000Number of distance computationsRecall2M Wiki-8 (JS-div), 10-NN Hierarchical NSW Old kNN(NNDescent) VP-tree NAPP0,60,81,010 100 1000Query time, msRecall1M DNA (edit dist), 10-NNBF: 2.4 s Hierarchical NSW Old kNN (NNDescent) VP-tree NAPP brute-force filt. bin.0,00,20,40,60,81,01 10 100 1000Query time, msRecall4M Wiki-sparse, 10-NNBF: 5.9 s Hierarchical NSW NSW NAPP Fig. 14. Results of the comparison of Hierarchical NSW with general space K-ANNS algorithms from the Non Metric Space Library on five datasets for 10-NN searches. The time of a brute-force search is denoted as the BF. ', start_char_idx=370, end_char_idx=3888, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
454
       " TextNode(id_='9cdcb748-dfc4-475c-84c3-2994870e1b39', embedding=[-0.0009701470844447613, 0.03500665724277496, 0.006342657376080751, -0.012232519686222076, 0.0015343711711466312, 0.015876099467277527, -0.004977199248969555, -0.010194946080446243, -0.03551604971289635, -0.052043039351701736, -0.0062400707975029945, 0.0007437499589286745, 0.0003824873419944197, 0.015904398635029793, -0.002559348940849304, 0.0076904273591935635, 0.026375265792012215, -0.014390368014574051, 0.01021617092192173, -0.003951337654143572, -0.02807324379682541, 0.014588464982807636, -0.015508203767240047, -0.029176929965615273, 0.007499405182898045, 0.039393100887537, 0.0205030906945467, -0.01015249639749527, -0.0036205854266881943, -0.016173245385289192, 0.02766289934515953, -0.01877681165933609, 0.0028511888813227415, 0.016088346019387245, -0.020220093429088593, -0.001453894074074924, 0.016371343284845352, -0.025130081921815872, 0.02613471820950508, -0.004828626289963722, 0.006714089773595333, -0.014270094223320484, -0.012855112552642822, -0.011595778167247772, -0.013152258470654488, -0.006310820113867521, 0.009940248914062977, -0.030874907970428467, 0.0031907844822853804, 0.03497835621237755, 0.012593340128660202, 0.03251628950238228, -0.01705053448677063, 0.003965487238019705, -0.01370410155504942, -0.0025964921806007624, 0.005712990183383226, 0.010159571655094624, 0.005613941233605146, -0.02433769218623638, 0.010867062024772167, -0.0020534927025437355, -0.038968607783317566, 0.02487538568675518, -0.01306735910475254, -0.036789532750844955, -0.016399642452597618, -0.0038699759170413017, -0.0017926053842529655, -0.007043073419481516, 0.018366467207670212, 0.035261351615190506, -0.026163019239902496, 0.0036117418203502893, 0.04007229208946228, -0.01850796490907669, 0.009664327837526798, 0.0006814022781327367, -0.0003303098783362657, 0.009303507395088673, 0.009006360545754433, -0.030818309634923935, 0.00037872878601774573, 0.023998096585273743, 0.000662388454657048, 0.0294033270329237, 0.018875861540436745, 0.010513316839933395, -0.02786099724471569, 0.0060313609428703785, 0.040043991059064865, 0.025427227839827538, 0.02296515926718712, -0.032686084508895874, -0.015295956283807755, -0.0010161340469494462, -0.013520154170691967, -0.0007326953927986324, 0.012805587612092495, -0.017347680404782295, -0.018550414592027664, 0.01111468393355608, -0.004340457729995251, -0.009466229937970638, -0.005971224512904882, -0.004853388294577599, -0.01638549193739891, -0.004733114968985319, -0.012798513285815716, 0.02129548043012619, -0.011525029316544533, 0.013654576614499092, -0.008546492084860802, 0.006063198205083609, -0.01230326946824789, -0.02249821461737156, 0.031752198934555054, -0.022116169333457947, -0.006229458376765251, -0.025328179821372032, 0.023601900786161423, 0.0061304098926484585, 0.022724611684679985, -0.008051248267292976, 0.022809511050581932, 0.009636027738451958, -0.003965487238019705, -0.02215861901640892, -0.016031747683882713, -0.03803471848368645, 0.02235671691596508, 0.017814625054597855, 0.009989773854613304, 0.01111468393355608, -0.025979069992899895, 0.02746480144560337, 0.01818251982331276, -0.03769512102007866, -0.026177167892456055, -0.04041188955307007, 0.005040873773396015, 0.03761022165417671, -0.00457746721804142, -0.021380379796028137, -0.010966110974550247, 0.031808797270059586, -3.4821823646780103e-05, 0.02965802513062954, 0.015012959949672222, -0.02654506452381611, 0.008249345235526562, -0.00668579014018178, -0.011355231516063213, 0.03534625098109245, 0.019739000126719475, 0.007149196695536375, -0.0059217000380158424, 0.005755439400672913, -0.01785707287490368, -0.03461046144366264, -0.014093221165239811, 0.023205706849694252, 0.00789560005068779, -0.003919500391930342, 0.026912959292531013, 0.01764482632279396, -0.0026300980243831873, 0.00023479858646169305, -0.028030794113874435, -0.022201068699359894, -0.01008174754679203, 0.010824613273143768, -0.030167417600750923, 0.010095897130668163, 0.02381414920091629, -0.005019648931920528, 0.038515813648700714, 0.012791438028216362, -0.034723661839962006, -0.009777526371181011, 0.006721165031194687, 0.010003923438489437, 0.005631628446280956, 0.01864946447312832, -0.014185194857418537, 0.004736652597784996, 0.03670463338494301, 0.003926575183868408, 0.012819737195968628, -0.014163970947265625, 0.006455855909734964, 0.00803002342581749, -0.014645064249634743, -0.0066999401897192, -0.6144418120384216, -0.011779725551605225, 0.026983708143234253, -0.039251603186130524, 0.0034277939703315496, 0.010095897130668163, 0.016003446653485298, 0.03763852268457413, 0.012862186878919601, 0.027875147759914398, -0.03613864257931709, 0.008305944502353668, -0.005267270840704441, -0.0002624349435791373, -0.025894172489643097, -0.0076267533004283905, -0.012848037295043468, -0.027903446927666664, 0.024861235171556473, 0.008843638002872467, -0.021380379796028137, 0.028809035196900368, -0.006993548944592476, -0.007025386206805706, 0.004329845309257507, -0.005419381428509951, 0.039308201521635056, -0.04318525269627571, -0.004683590494096279, 0.017970271408557892, -0.02249821461737156, 0.02334720455110073, 0.009600653313100338, 0.02030499279499054, 0.05130724981427193, -0.03079001046717167, -0.02143697813153267, 0.01337158028036356, 0.03455386310815811, 0.018210818991065025, -0.03967609629034996, -0.02469143643975258, 0.004064536187797785, 0.008327169343829155, -0.010003923438489437, 0.01757407747209072, 0.014050772413611412, -0.007584304083138704, -0.015112008899450302, -0.04171366989612579, -0.005900475196540356, 0.0037709272000938654, -0.01562140230089426, 0.0009321194374933839, -0.00222152192145586, -0.019852198660373688, 0.016031747683882713, -0.023502852767705917, 0.013753625564277172, 0.015140308067202568, 0.0050656357780098915, -0.00680252630263567, 0.0026247918140143156, -0.025370629504323006, -0.01784292422235012, 0.017658976837992668, -0.009211533702909946, 0.006894499994814396, -0.003166022477671504, -0.012515516020357609, 0.017531627789139748, 0.023177405819296837, 0.0037992268335074186, 0.0003897833521477878, 0.021719975396990776, 0.024535788223147392, 0.031214505434036255, 0.005207133945077658, -0.01333620585501194, -0.009791675955057144, 0.013619202189147472, 0.0015228744596242905, -0.013152258470654488, 0.0011647071223706007, 0.022031269967556, 0.01001807302236557, -0.03339357674121857, -0.002370094880461693, -0.014786562882363796, -0.010994411073625088, 0.009664327837526798, 0.00014149821072351187, -0.017729725688695908, -0.0471189022064209, 0.004152972251176834, 0.02500273287296295, 0.0020817923359572887, 0.014659213833510876, 0.006498305127024651, -0.04941117390990257, -0.025031032040715218, -0.017135431990027428, 0.003693103324621916, -0.028016645461320877, 0.005836801137775183, -0.0007937165210023522, -0.0011823944514617324, 0.010548691265285015, 0.015281806699931622, -0.02462068758904934, 0.023587750270962715, -0.009360106661915779, -0.017743874341249466, 0.008313019759953022, 0.012083946727216244, -0.025243280455470085, 0.03879880905151367, -0.002168460050597787, -0.010463792830705643, -0.01443281676620245, 0.02500273287296295, 0.0032013969030231237, 0.017347680404782295, -0.015762900933623314, 0.0037461649626493454, 0.007938049733638763, 0.00116559152957052, -0.01911640726029873, -0.025653624907135963, -0.009636027738451958, 0.007000623736530542, -0.015762900933623314, 0.017220331355929375, -0.018621163442730904, 0.03495005890727043, -0.003763852408155799, 0.008808263577520847, 0.0033482012804597616, -0.006307282485067844, -0.019017359241843224, -0.03098810650408268, 0.010315218940377235, 0.014715813100337982, -0.04632651433348656, -0.008157371543347836, 0.0025292804930359125, -0.016300592571496964, 0.018493816256523132, -0.0067247021943330765, -0.00169267226010561, -0.023134956136345863, -0.004941824823617935, -0.028511889278888702, 0.012182995676994324, -0.004089298192411661, -0.009819976054131985, 0.004754339810460806, -0.012961235828697681, -0.0063391197472810745, -0.012218370102345943, -0.003976099658757448, 0.03189369663596153, -0.02546967752277851, -0.0055361175909638405, -0.009473305195569992, -0.015960996970534325, 0.00974922627210617, 0.005270808003842831, 0.021465277299284935, -0.042421162128448486, -0.002515130676329136, -0.01870606280863285, -0.009204458445310593, 0.01883341185748577, -0.007768251467496157, 0.0022038344759494066, -0.006321432534605265, -0.01233864389359951, -0.012522591277956963, -0.008496967144310474, 0.006392181385308504, 0.005543192382901907, -0.010775088332593441, -0.011425980366766453, 0.03455386310815811, -0.0009639565250836313, 0.011404755525290966, -0.006162247154861689, -0.008638465777039528, -0.0028140456415712833, 0.01739013008773327, 0.009621878154575825, -0.006721165031194687, 0.00868798978626728, -0.018748512491583824, 0.0066751777194440365, -0.0024709124118089676, -0.00932473223656416, -0.015112008899450302, 0.03611034154891968, 0.009345956146717072, -0.015479903668165207, 0.004184809513390064, -0.011956598609685898, 0.02527157962322235, -0.029488226398825645, 0.009862424805760384, -0.004927675239741802, -0.00038292951649054885, 0.011319856159389019, 0.014744113199412823, -0.011164208874106407, -0.015027109533548355, -0.007485255133360624, 0.015678001567721367, 0.024592388421297073, -0.027677049860358238, 0.005175297148525715, -0.011517954058945179, 0.009763375855982304, 0.008015873841941357, -0.0076126037165522575, 0.02906373143196106, 0.016498690471053123, -0.004747265018522739, -0.004053923767060041, 0.019342804327607155, 0.02719595469534397, 0.004697740543633699, -0.00994732417166233, -0.014220570214092731, -0.004963049665093422, 0.019597502425312996, 0.011341081000864506, 0.0177155751734972, 0.014064921997487545, 0.02633281610906124, -0.005182371940463781, 0.010874137282371521, -0.002815814223140478, 0.016626039519906044, 0.010414267890155315, -0.0009957936126738787, -0.015536502934992313, 0.010301069356501102, 0.00574128981679678, 0.03517645597457886, 0.008107847534120083, -0.008638465777039528, 0.022342566400766373, -0.0010683115106076002, 0.010994411073625088, 0.008935611695051193, 0.018281567841768265, 0.01323715690523386, -0.004234333988279104, 0.014390368014574051, 0.010690189898014069, 0.03401616960763931, 0.028554338961839676, 0.013088583946228027, -0.01672508753836155, 0.025653624907135963, -0.01811177097260952, -0.0039548748172819614, -0.057561472058296204, 0.01107930950820446, 0.022540664300322533, 0.00668225297704339, -0.0157345999032259, -0.0006681368686258793, -0.005794351454824209, 0.008313019759953022, -0.026219617575407028, 0.014659213833510876, 0.0037320151459425688, 0.01750332862138748, -0.008022948168218136, 0.02646016515791416, 0.015395005233585835, -0.03608204424381256, -0.012657014653086662, 0.020687038078904152, 0.01764482632279396, 0.0004278109990991652, -0.02262556366622448, -0.002281658584252, 0.014588464982807636, -0.020021995529532433, -0.0038912007585167885, -0.008390843868255615, -0.0031200353987514973, -0.003242077771574259, -0.026446014642715454, -0.009310581721365452, -0.0005805848049931228, 0.025441378355026245, 0.0022091406863182783, -0.002647785237058997, 0.005610404070466757, 0.013682876713573933, -0.0042131091468036175, -0.008433293551206589, -0.009812900796532631, 0.04205326735973358, -0.01664019003510475, -0.015310105867683887, -0.01890416070818901, -0.004687128122895956, 0.0030899671837687492, -0.00892853643745184, -0.007442805916070938, 0.006077347788959742, 0.026700710877776146, -0.0008507579914294183, -0.003512693103402853, -0.004244946409016848, 0.009940248914062977, 0.044487036764621735, -0.00665041571483016, -0.011885849758982658, -0.0314691998064518, -0.0033358202781528234, 0.016286443918943405, 0.042223066091537476, 0.04075148329138756, -0.005911087617278099, -0.006590278819203377, -0.013343281112611294, -0.01356967817991972, -0.024040546268224716, 0.00668225297704339, 0.016357192769646645, 0.00919030886143446, -0.02150772698223591, -0.014050772413611412, 0.016555290669202805, 0.01200612261891365, 0.03039381466805935, 0.008051248267292976, 0.0025805735494941473, -0.0199653971940279, -0.0028600324876606464, 0.029346728697419167, -0.010025148279964924, -0.0036329664289951324, 0.010937811806797981, 0.025497976690530777, -0.005270808003842831, -0.0020358054898679256, 0.03517645597457886, -0.011072235181927681, 0.011638227850198746, -0.02798834629356861, -0.007456955499947071, 0.019088108092546463, 0.019625801593065262, 0.018338168039917946, -0.004255558364093304, 0.010131271556019783, 0.019880497828125954, 0.010548691265285015, 0.010775088332593441, -0.02176242507994175, 0.028879784047603607, 0.008468667976558208, 0.012480141595005989, 0.010202020406723022, -0.0010470867855474353, -0.0003939840826205909, 0.011305706575512886, 0.024295242503285408, -0.04185517132282257, -0.002898944541811943, 0.016909034922719002, -0.02501688338816166, -0.009876575320959091, -0.01011712197214365, -0.009812900796532631, -0.010994411073625088, -0.013810224831104279, -0.004156509879976511, 0.0035197678953409195, -0.03837431222200394, 0.0003097484295722097, -0.011701901443302631, 0.0060172113589942455, 0.0013212395133450627, -0.012947086244821548, -0.011892924085259438, -0.033874671906232834, 0.004418281372636557, -0.033082280308008194, -0.0028883321210741997, 0.014248869381844997, -0.008935611695051193, -0.02991272136569023, -0.015281806699931622, 0.005613941233605146, 0.025031032040715218, 0.010831687599420547, 0.0042944704182446, -0.02820059284567833, 0.01052039209753275, -0.020121045410633087, -0.00793097447603941, 0.000627456116490066, -0.009728001430630684, 0.009558203630149364, -0.015762900933623314, -0.008801188319921494, -0.010612365789711475, -0.005196521524339914, -0.030507013201713562, 0.0032650711946189404, -0.01100856065750122, 0.0007097019697539508, 0.002393088536337018, 0.015904398635029793, 0.0007353484979830682, 0.016866587102413177, 0.020121045410633087, 0.009579428471624851, -0.017956122756004333, 0.01439744234085083, 0.015055409632623196, -0.009494530037045479, 0.003242077771574259, 0.031016407534480095, 0.0020163494627922773, 0.0042767832055687904, -0.001328314421698451, -0.0007795667042955756, -0.007315457332879305, 0.033478476107120514, -0.010888286866247654, 0.016937335953116417, -0.00013453383871819824, 0.01971070095896721, 0.033082280308008194, 0.025115931406617165, 0.012154695577919483, 0.02534232847392559, -0.02043234184384346, -0.0019739000126719475, -0.004917062819004059, 0.006013673730194569, 0.006484155543148518, -0.01584779843688011, 0.02951652556657791, -0.015777049586176872, -0.002368326298892498, -0.028893934562802315, -0.0022038344759494066, -0.009459155611693859, 0.008702139370143414, 0.004835701081901789, -0.016626039519906044, -0.02846943959593773, -0.01679583638906479, -0.013272532261908054, -0.0018783886916935444, -0.024182043969631195, -0.01131278183311224, 0.006282520480453968, -0.023729249835014343, 0.020729487761855125, 0.0011877005454152822, -0.027974195778369904, -0.01978144980967045, -0.03548774868249893, 0.01035059429705143, 0.017404278740286827, 0.016272293403744698, -0.011334006674587727, -0.0019951246213167906, 0.0028847947251051664, -0.02971462346613407, -0.0022038344759494066, -0.014956360682845116, -0.011602853424847126, 0.020404040813446045, 0.03172389790415764, -0.0003305309801362455, 0.030733410269021988, 0.005320332478731871, 0.01930035464465618, 0.024663137272000313, 0.000897187099326402, -0.0009144321666099131, 0.0022993457969278097, -0.00021346331050153822, -0.01651284098625183, -0.0027892834041267633, 0.04788299277424812, 0.0024832936469465494, 0.012763137929141521, 0.01566385105252266, 0.02726670540869236, 0.013102734461426735, -0.003346432698890567, -0.02971462346613407, -0.014546015299856663, -0.057419974356889725, -0.0036860282998532057, -0.015692152082920074, 0.004071610979735851, 0.011659452691674232, -0.04114767909049988, -0.021578475832939148, 0.0010444336803629994, -0.003542761318385601, 0.020531389862298965, 0.007456955499947071, 0.02573852427303791, 0.003371194703504443, 0.005083322990685701, 0.026163019239902496, 0.025639474391937256, -0.028101544827222824, 0.019073957577347755, -0.019555052742362022, -0.003199628321453929, 0.017475029453635216, -0.0011956598609685898, 0.010789237916469574, 0.0049559748731553555, 0.0022427465301007032, 0.0023630200885236263, 0.009996848180890083, -0.00895683653652668, -0.00779655110090971, 0.00028012224356643856, -0.0008339550695382059, -0.006187009159475565, -0.01751747727394104, -0.0223001167178154, 0.010258619673550129, -0.010937811806797981, 0.003212009323760867, -0.009812900796532631, 0.0025115932803601027, -0.023050058633089066, -0.009841199964284897, 0.00892146211117506, 0.014064921997487545, 0.041572172194719315, -0.010039297863841057, 0.01665433868765831, 0.029544826596975327, -0.02003614604473114, -0.025837572291493416, 0.02097003348171711, 0.011270332150161266, 0.007273007649928331, 0.028695836663246155, 0.02999762073159218, -0.050118666142225266, -0.026686562225222588, -0.001033821259625256, -0.0055467295460402966, -0.003549836343154311, -0.0501752644777298, 0.026757311075925827, 0.018663613125681877, 0.011843400076031685, -0.027634600177407265, 0.0015555958962067962, -0.029148630797863007, 0.03138430416584015, -0.008390843868255615, 0.00888608768582344, 0.005320332478731871, -0.002177303656935692, 0.0017713806591928005, 0.021804872900247574, -0.0029803060460835695, 0.047543399035930634, 0.008213970810174942, -0.007987573742866516, -0.0034613998141139746, -0.003933649975806475, -0.019852198660373688, 0.004821551498025656, -0.01250844169408083, 0.04689250513911247, -0.01857871375977993, -0.008475742302834988, 0.034525562077760696, 0.008412068709731102, 0.012289118953049183, -0.0009188539697788656, -0.0020110432524234056, 0.033138878643512726, -0.03262948617339134, -0.013760700821876526, -0.008794113993644714, 0.006187009159475565, 0.0076904273591935635, -0.0027096907142549753, -0.010364743880927563, -0.01930035464465618, -0.014241794124245644, 0.005097473040223122, 0.020389892160892487, -0.007633828092366457, 0.015069559216499329, 0.013711175881326199, -0.009331806562840939, -0.017673125490546227, -0.028893934562802315, 0.0035321488976478577, -0.0006769804749637842, -0.052382636815309525, -0.023729249835014343, -0.005532579962164164, -0.022342566400766373, -0.003199628321453929, -0.0063886442221701145, -0.03823281452059746, 0.02181902341544628, 0.020814387127757072, -0.0245499387383461, 0.013739475980401039, 0.04618501663208008, 0.010194946080446243, -0.05096765607595444, -0.0008790576248429716, -0.012550891377031803, -0.0267997607588768, 0.04377954453229904, -0.018479665741324425, -0.032544586807489395, -0.004160047508776188, -0.006225921213626862, 0.016767537221312523, 0.018536265939474106, 0.0058226510882377625, 0.0028476514853537083, 0.0014255944406613708, 0.00024496877449564636, -0.00547244306653738, -0.016880735754966736, 0.02309250831604004, -0.006208234000951052, 0.005985374096781015, 0.02327645570039749, -0.013880973681807518, 0.022993458434939384, -0.005939387250691652, -0.006208234000951052, -0.00906295981258154, -0.054363612085580826, -0.025526275858283043, -0.0032509213779121637, 0.01337158028036356, -0.005861563142389059, 0.0009728001896291971, -0.011072235181927681, 0.0015317180659621954, -0.026431865990161896, 0.012550891377031803, -0.0012186532840132713, -0.01470166351646185, 0.0004894953453913331, -0.00570591539144516, -0.007640903349965811, -0.01499881036579609, -0.01937110535800457, -0.0017828773707151413, 0.014376217499375343, 0.010959035716950893, -0.04327015206217766, -0.0007494983146898448, 0.018253268674016, 0.058014266192913055, 0.03127110376954079, -0.016201544553041458, -0.02129548043012619, -0.00020417748601175845, -0.05710867792367935, -0.013689951971173286, -0.016753388568758965, 0.013293756172060966, -0.0005686459480784833, 0.01138353068381548, 0.0025628863368183374, 0.017828773707151413, -0.0179844219237566, -0.007598453667014837, -0.006116259843111038, -0.019625801593065262, -0.002858263673260808, 0.008072473108768463, 0.009671402163803577, 0.006887425202876329, -0.04210986569523811, 0.012126396410167217, -0.0018412454519420862, 0.009423780255019665, -0.005270808003842831, 0.008249345235526562, -0.009480379521846771, -0.01084583718329668, -0.003961949609220028, 0.0010267463512718678, 0.008518191985785961, 0.003429562784731388, -0.0017784555675461888, -0.032204993069171906, -0.011822175234556198, 0.011489654891192913, -0.008645540103316307, -0.022243518382310867, 0.009685552679002285, 0.00021766404097434133, 0.004266170784831047, -0.002610641997307539, -0.015267656184732914, -0.015395005233585835, 0.018607014790177345, -0.019880497828125954, 0.03316717967391014, 0.010456717573106289, 0.006714089773595333, 0.047345299273729324, -0.009508679620921612, 0.016470391303300858, 0.0020658739376813173, -0.015310105867683887, -0.02845528908073902, 0.012048572301864624, 0.0027096907142549753, -0.019215457141399384, 0.00776117667555809, -0.009529904462397099, 0.0037532399874180555, -0.001113414065912366, 0.0006040204898454249, 0.003212009323760867, -0.018805110827088356, -0.01750332862138748, 0.01870606280863285, 0.016272293403744698, -0.015310105867683887, -0.00766212772578001, -0.0040503861382603645, 0.009699702262878418, 0.0016334198880940676, 0.00015542694018222392, -0.000445498269982636, -0.011935373768210411, 0.017008084803819656, 0.0017227407079190016, -0.011326931416988373, -0.015366705134510994, 0.005207133945077658, 0.013131033629179, -0.002819351851940155, 0.008221046067774296, 0.19617311656475067, 0.009289356879889965, 0.04131747782230377, 0.014772413298487663, -0.002009274438023567, -0.0008852481842041016, 0.04304375499486923, 0.0032986770384013653, 0.011822175234556198, -0.0004585426358971745, -0.0017589995404705405, 0.015975147485733032, -0.01870606280863285, -6.304546786850551e-06, 0.03814791515469551, -0.023899046704173088, -0.049722470343112946, -0.028908083215355873, -0.014857311733067036, 0.016682637855410576, -0.004301545675843954, -0.00676715187728405, -0.016611889004707336, -0.025625325739383698, 0.020474791526794434, -0.029742922633886337, -0.03209179267287254, 0.0005328292027115822, 0.019866349175572395, -0.0061940839514136314, -0.02348870225250721, -0.01035059429705143, 0.02210202068090439, -0.014121521264314651, -0.004973662085831165, -0.012529666535556316, 0.034327466040849686, 0.0024249255657196045, 0.0020817923359572887, 0.011595778167247772, -0.02282366156578064, -0.021536028012633324, 0.005295570474117994, 0.02075778692960739, 0.0157345999032259, 0.0033234390430152416, -0.005093935411423445, 0.022271817550063133, 0.0011364074889570475, 0.006406331434845924, -0.022724611684679985, -0.023333054035902023, 0.027323303744196892, 0.01456016581505537, -0.020121045410633087, -0.0010515085887163877, -0.00965017732232809, 0.02190392278134823, 0.007881450466811657, 0.006049048155546188, -0.036336738616228104, 0.0005730677512474358, 0.02421034313738346, -0.006342657376080751, -0.018989060074090958, 0.02979952283203602, -0.03415766730904579, 0.008157371543347836, 0.00579081429168582, 0.005932312458753586, 0.0028264266438782215, -0.01812591962516308, -0.023205706849694252, 0.008496967144310474, -0.037978120148181915, -0.024167893454432487, 0.03577074781060219, 0.0002328087721252814, -0.010619440115988255, 0.03260118514299393, 0.0022179842926561832, 0.017559926956892014, -0.0005208902875892818, 0.009416705928742886, -0.014135670848190784, -0.041572172194719315, 0.0031023481860756874, -0.0055467295460402966, -0.013781925663352013, -0.03755362331867218, -0.017743874341249466, 0.013123958371579647, -0.016626039519906044, -0.013994173146784306, 0.021267181262373924, -0.0005788161070086062, 0.026446014642715454, 0.01038596872240305, -0.02296515926718712, 0.01028691977262497, -0.004439506214112043, 0.03523305431008339, 0.019073957577347755, -0.0012894023675471544, -0.012565040960907936, -0.009720927104353905, 0.005306182894855738, 0.01453186571598053, 0.004740189760923386, 0.00919030886143446, 0.0015635552117601037, -0.03376147150993347, -0.0023400266654789448, -0.012154695577919483, 0.004782639443874359, 0.0399307943880558, 0.007364981807768345, -0.011390605941414833, 0.00035396660678088665, -0.01584779843688011, 0.021988822147250175, -0.011595778167247772, 0.017814625054597855, 0.026842210441827774, -0.0018023333977907896, 0.010852912440896034, -0.01671093888580799, -0.0023824761155992746, -0.007234096061438322, -0.031752198934555054, 0.018338168039917946, -0.018168369308114052, 0.02494613453745842, 0.014446967281401157, 0.0010506241815164685, -0.02382829785346985, -0.021182281896471977, -0.012550891377031803, -0.015578952617943287, -0.005267270840704441, 0.011935373768210411, -0.006678715348243713, 8.13614678918384e-05, 0.028412839397788048, -0.0007888525142334402, -0.01364042703062296, 0.0040999106131494045, 0.02766289934515953, 0.00766212772578001, -0.029884422197937965, 0.004754339810460806, -0.020517239347100258, 0.02057383954524994, -0.0210407841950655, 0.021918071433901787, -0.01035059429705143, -0.013039059937000275, -0.04414743930101395, -0.0013787231873720884, 0.0046340664848685265, -0.01665433868765831, 0.015041259117424488, 0.03602544218301773, -0.012430617585778236, -0.003505618078634143, -0.0031766346655786037, -0.18224969506263733, 0.01764482632279396, 0.03361997380852699, -0.04092128202319145, 0.017036383971571922, 0.018012721091508865, 0.013781925663352013, -0.005826188717037439, 0.000288302602712065, -0.0008582750451751053, 0.015310105867683887, -0.006979398895055056, 0.007902675308287144, -0.014114446006715298, 0.0016068890690803528, 0.003905350575223565, 0.018790962174534798, 0.012267894111573696, 0.014546015299856663, 0.007294232491403818, -0.00574128981679678, -0.024323541671037674, 0.010407193563878536, 0.020800236612558365, -0.0070961350575089455, 0.01422764454036951, -0.009544054046273232, 0.014687513932585716, -0.018423067405819893, -0.004007936920970678, 0.0076126037165522575, -0.013781925663352013, 0.006689327768981457, -0.004669440910220146, -0.008114921860396862, 0.018154220655560493, -0.006243608426302671, -0.0006296670180745423, 0.001284980564378202, 0.05733507499098778, 0.023304754868149757, 0.021394528448581696, 0.027167655527591705, 0.011072235181927681, -0.027705349028110504, -0.004432431422173977, 0.012154695577919483, -0.01739013008773327, -0.004368757363408804, -0.008334244601428509, -0.022540664300322533, -0.007640903349965811, 0.034921757876873016, -0.0043581449426710606, 0.0017934897914528847, 0.005384007003158331, 0.017418429255485535, 0.01052039209753275, 0.025837572291493416, -0.007655052933841944, -0.01904565840959549, -0.0063391197472810745, 0.0075630792416632175, -0.01333620585501194, 0.0021790724713355303, -0.03642163798213005, -0.013031984679400921, -0.006714089773595333, -0.030365515500307083, -0.006622116081416607, -0.016031747683882713, -0.017941972240805626, 0.016102496534585953, 0.008709214627742767, 0.01903150975704193, 0.0069829365238547325, -0.0013274300144985318, 0.0022445153445005417, -0.013385730795562267, 0.014546015299856663, -0.007442805916070938, 0.030818309634923935, 0.004899375606328249, -0.013350355438888073, 0.008504042401909828, -0.023120807483792305, -0.01737597957253456, -0.0171778816729784, 0.005189446732401848, 0.0066751777194440365, 0.012487216852605343, -0.01764482632279396, 0.013053209520876408, -0.012055647559463978, 0.01586194895207882, -0.00015653239097446203, 0.011963673867285252, -0.007177496794611216, 0.014171045273542404, -0.016866587102413177, -0.0008794997702352703, -0.007089060265570879, -0.024762187153100967, -0.00333228288218379, 0.04165707156062126, 0.02024839259684086, -0.019597502425312996, 0.0007689543417654932, 0.019059808924794197, -0.021804872900247574, 0.0023028834257274866, 0.01712128333747387, 0.0314691998064518, 0.005610404070466757, -0.01918715611100197, 0.035855647176504135, -0.0049524372443556786, -0.04035528749227524, 0.02075778692960739, -0.019144708290696144, 0.05521260201931, -0.004641141276806593, -0.03987419605255127, -0.023177405819296837, 0.011517954058945179, -0.0013778387801721692, -0.10821782797574997, -0.011624077335000038, 0.017970271408557892, 0.015479903668165207, -0.048137690871953964, 0.012296194210648537, -0.013123958371579647, -0.0030351364985108376, -0.020672887563705444, 0.03011081926524639, -0.0023400266654789448, -0.011454279534518719, -0.012161770835518837, 0.0011708976235240698, 0.007202258799225092, -0.007386206649243832, 0.018932459875941277, -0.031101306900382042, -0.002923706779256463, 0.03701592981815338, 0.007343756966292858, -0.0017227407079190016, -0.010407193563878536, -0.007357906550168991, 0.006441705860197544, 0.007570154033601284, -0.034667059779167175, 0.0245499387383461, 0.02188977226614952, 0.027577999979257584, 0.009494530037045479, -0.018932459875941277, 0.005419381428509951, -0.013796075247228146, -0.0036824909038841724, -0.004439506214112043, -0.02321985550224781, 0.0017227407079190016, 0.02807324379682541, -0.025158381089568138, 0.010435492731630802, 0.013527228496968746, 0.019993696361780167, -0.0013079741038382053, -0.013095659203827381, -0.003647116245701909, -0.021125681698322296, 0.03189369663596153, -0.004821551498025656, -0.014871461316943169, -0.010576991364359856, -0.02779024839401245, -0.010937811806797981, -0.005242508370429277, 0.016555290669202805, -0.027620449662208557, 0.0032615335658192635, 0.004060998558998108, -0.025455527007579803, 0.008284719660878181, -0.014503566548228264, 0.004467805847525597, -0.010959035716950893, 0.019993696361780167, 0.020531389862298965, 0.010400118306279182, -0.03554435074329376, -0.018423067405819893, 0.002552273916080594, -0.004273246042430401, -0.016215695068240166, 0.02408299408853054, -0.02228596806526184, 0.008596016094088554, -0.03248798847198486, -0.0136687271296978, -0.023191556334495544, -0.020715337246656418, -0.001975668827071786, -0.008680915459990501, -0.02242746576666832, -0.02336135320365429, -0.009933174587786198, -0.008871937170624733, 0.002301114611327648, -9.96567468973808e-05, -0.015564803034067154, 0.0016511072171851993, 0.0222152192145586, -0.03449726477265358, 0.02554042637348175, 0.014107371680438519, -0.003141260240226984, -0.022385016083717346, 0.01730523072183132, 0.02388489805161953, -0.007584304083138704, 0.009869500063359737, 0.01804102212190628, -0.00021423712314572185, -0.03823281452059746, 0.010230320505797863, -0.06497597694396973, 0.020545540377497673, -0.0032226217444986105, -0.014213494956493378, -0.00779655110090971, -0.020672887563705444, 0.009572354145348072, 0.005072710569947958, -0.009147859178483486, 0.010371818207204342, -0.032544586807489395, 0.0011054547503590584, -0.013421105220913887, -0.0009082416072487831, -0.012748988345265388, -0.024252792820334435, 0.008256420493125916, -0.00974922627210617, 0.01958335191011429, 0.023601900786161423, -0.00334289507009089, 0.007131509482860565, 0.006639803294092417, 0.014503566548228264, -0.01884756051003933, -0.018366467207670212, -0.012812662869691849, 0.0035109242890030146, 0.005493667908012867, 0.008815337903797626, 0.017559926956892014, -0.04573221877217293, -0.0026000295765697956, 0.01719203218817711, -0.0021313168108463287, -0.0207719374448061, 0.003162484848871827, 0.01644209213554859, 0.015366705134510994, 0.034723661839962006, -0.05093935504555702, -0.009890724904835224, -0.012197145260870457, -0.008871937170624733, -0.011319856159389019, 0.01956920139491558, 0.027125205844640732, 0.009459155611693859, 0.00336765730753541, -0.0008215739508159459, 0.043156951665878296, 0.015182757750153542, 0.0002343564119655639, -0.048986680805683136, -0.022116169333457947, 0.011843400076031685, 0.005207133945077658, -0.012423542328178883, -0.0013433486456051469, -0.022399166598916054, 0.02991272136569023, -0.007258858066052198, 0.03806301951408386, 0.010619440115988255, 0.01857871375977993, -0.02527157962322235, -0.017432579770684242, 0.002631866605952382, -0.006915724836289883, -0.028030794113874435, -0.0041140601970255375, 0.0028635698836296797, 0.02433769218623638, 0.017941972240805626, 0.015196907334029675, -0.0032155467197299004, -0.010704339481890202, 0.004152972251176834, -0.04477003216743469, 0.01572045125067234, 0.03749702498316765, -0.016611889004707336, -0.015182757750153542, 0.012635789811611176, 0.020404040813446045, -0.020064445212483406, -0.008553566411137581, 0.03438406437635422, 0.008680915459990501, 0.01472996361553669, 0.0006645994144491851, 0.012614564970135689, 0.002996224444359541, -0.0017421967349946499, -0.008058322593569756, 0.03350677713751793, -0.018083471804857254, 0.004821551498025656, 0.03245968744158745, 0.020121045410633087, -0.009275207296013832, -1.877545741990616e-06, -0.00653367955237627, -0.02620546892285347, -0.019739000126719475, 0.01692318543791771, -0.01337158028036356, 0.011440129950642586, 0.003908887971192598, -0.013994173146784306, 0.02348870225250721, 0.01221129484474659, 0.0007119128713384271, 0.018918311223387718, -0.027125205844640732, -0.009296432137489319, 0.01042134314775467, -0.022144470363855362, -0.03568584844470024, 0.03158240020275116, -0.01432669349014759, 0.006091497838497162, 0.03528965264558792, 0.009246908128261566, 0.022597264498472214, 0.024266943335533142, 0.03899690508842468, -0.00889316201210022, 0.020488940179347992, -0.03681783378124237, 0.005040873773396015, -0.00577312707901001, -0.005023186560720205, 0.007570154033601284, -0.0007260626880452037, -0.018875861540436745, 0.007874375209212303, -0.005030261352658272, -0.017489178106188774, 0.10153911262750626, 0.03079001046717167, -0.003166022477671504, 0.0027804397977888584, -0.030308915302157402, 0.0031306478194892406, 0.02640356495976448, -0.020418191328644753, -0.015550653450191021, -0.03350677713751793, -0.009664327837526798, -0.01021617092192173, 0.0037709272000938654, -0.02951652556657791, 0.0021330853924155235, -0.008574791252613068, -0.023587750270962715, 0.023531151935458183, 0.0037780022248625755, 0.005543192382901907, 0.008504042401909828, 0.019484303891658783, 0.015465754084289074, 0.0035321488976478577, -0.013463553972542286, -0.002177303656935692, 0.006172859109938145, -0.005408769007772207, 0.02170582488179207, -0.036987632513046265, 0.003134185215458274, 0.022724611684679985, -0.03636503964662552, -0.017078833654522896, -0.01011712197214365, -0.0002659723977558315, -0.005426456220448017, 0.0029979932587593794, 0.021592626348137856, 0.007219946011900902, 0.01971070095896721, 0.015352555550634861, 0.003254458773881197, -0.005896937567740679, -0.015112008899450302, -0.015295956283807755, -0.02307835780084133, -0.015310105867683887, -0.02249821461737156], metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f5200883-2089-4dda-a775-3fce21c08c8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9155c451a9f664cbd27fcf49ad70bf51e356de7e889d0adfeecd6f65d39a7df9'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='6fb9afa9-f8a9-41c4-b881-a0f5bacb1f55', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '10', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='6adbd248e806e55f1c580547ff3950fdbf775d51e647ba5e25716cc0047db79d'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='9bb1f7ca-b5fc-402b-bc58-d377bb8d1942', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='4e8ce1f0e8f3b2a4c6acf1abd7b45bf5d852d17d2b4ba6fbf7d2ce6f8f95252d')}, hash='3400db742aff02668206a7f3bc4aaef1589c3a372881bac4eaf1027e02adb697', text='AUTHOR ET AL.: TITL E 11 integer distance functions and support for incremental index const ruction10. The results are presented in Fig. 15 with summariz ation of the parameters in Table 3. The peak memory co nsumption was measured by using linux “time –v” tool in separate test runs after index construction for both of the algorithms. Even though Hierarchical NSW requires si gnificantly more RAM , it can achieve much higher accur acy, while offering a massive advance in search speed and much faster index construction. The inset in Fig. 15 presents the scaling of the query time vs the dataset size for Hierarchical NSW. Note that the scaling deviates from the pure logarithm , possibly due to relatively high dimensionality of the dataset. 6 DISCUSSION By using structure decomposition of navigable small world graphs together with the smart neighbor selectio n heuristic the proposed Hierarchical NSW approach ove rcomes several important problems of the basic NSW structure advancing the state-of–the-art in K-ANN search. Hierarchical NSW offers an excellent performance and is a clear leader on a large variety of the datasets, surpa ssing the opensource rivals by a large margin in case of high dimensional data. Even for the datasets where the previous algorithm (NSW) has lost by orders of magn itude, Hierarchical NSW was able to come first. Hiera rchical NSW supports continuous incremental indexing and can also be used as an efficient method for getting approxima tions of the k-NN and relative neighborhood graphs, which are byproducts of the index construction. Robustness of the approach is a strong feature which makes it very attractive for practical applications. The algorithm is applicable in generalized metric spaces pe rforming the best on any of the datasets tested in this p aper, and thus eliminating the need for complicated sele ction of the best algorithm for a spe cific problem. We stress the importance of the algorithm’s robustness since the data may have a complex structure with different effe ctive dimensionality across the scales. For instance, a d ataset can consist of points lying on a curve that randomly fills a high dimensional cube, thus being high dimensio nal at large scale and low dimensional at small scale . In order to perform efficient search in such datasets an a pproximate nearest neighbor algorithm has to work well for both cases of high and low dimensio nality. There are several ways to further increase the efficie ncy and applicability of the Hierarchical NSW approach. There is still one meaningful parameter left which stron gly affects the construction of the index – the number of added connections per la yer M. Potentially , this param eter can be inferred directly by using different heuri stics [4]. It would also be interesting to compare H ierarchical NSW on the full 1B SIFT and 1B DEEP datasets [10-14] and add support for element updates and removal. One of the apparent shortcomings of the proposed a p-10 https://github.com/nmslib/hnsw proach compared to the basic NSW is the loss of the po ssibility of distributed search. The search in the Hiera rchical NSW structure always starts from the top layer, thus the structure cannot be made distributed by using the same techniques as described in [26] due to cogne stion of the higher layer elements. Simple workarounds can be used to distribute the structure, such as partitio ning the data across cluster nodes studied in [6], however in this case, the total parallel throughput of the system does not scale well with the number of computer nodes. Still, there are other possible known ways to make this particular structure distributed. Hierarchical NSW is ideologically very similar to the well-known one-dimensional exact search probabilistic skip list st ructure, and thus can use the same techniques to make the stru cture distributed [45]. Potentially this can lead to even be tter distributed performance compared to the base NSW due to logarithmic scalability and ideally uniform load on the nodes. 7 ACKNOWL EDGEMENTS We thank Leonid Boytsov for many helpful discussions, assistance with Non-Metric Space Library integration and comments on the manuscript. We thank Seth Hoffert and Azat Davletshin for the suggestions on the manuscript and the algorithm and fellows who contributed to the algorithm on the github repository. We also thank Valery Kalyagin for support of this work. The reported study was funded by RFBR, according to the research project No. 16-31-60104 mol_а_dk. 8 REFERENCES [1] D. G. Lowe, \"Distinctive image features from scale-invariant keypoints,\" International journal of computer vision, vol. ', start_char_idx=0, end_char_idx=4658, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
455
       " TextNode(id_='9bb1f7ca-b5fc-402b-bc58-d377bb8d1942', embedding=[-0.001190685317851603, 0.026789989322423935, 0.006352621130645275, -0.015698768198490143, 0.005683560855686665, 0.018030131235718727, -0.007773511111736298, -0.0036660346668213606, -0.03026634082198143, -0.045275356620550156, 0.013636407442390919, 0.014112336561083794, 0.0036763809621334076, 0.012256902642548084, -0.0021985862404108047, 0.0027814272325485945, 0.021161608397960663, -0.004035052377730608, 0.02080293744802475, -0.002783151576295495, -0.021299557760357857, 0.0009975546272471547, -0.016526469960808754, -0.026472702622413635, 0.0038729605730623007, 0.0371638685464859, 0.0317562073469162, -0.01727140322327614, -0.005086924880743027, -0.010029002092778683, 0.021989310160279274, -0.019326865673065186, -0.00540765980258584, 0.015740152448415756, -0.004866204224526882, 0.002170996041968465, 0.018816448748111725, -0.02436205931007862, 0.03200451657176018, -0.008056310005486012, -0.006083617452532053, -0.0024175825528800488, -0.004562713205814362, -0.009670330211520195, 0.0019019925966858864, -0.005628380924463272, 0.017492124810814857, -0.021382328122854233, -0.005173143930733204, 0.02785220742225647, 0.024403445422649384, 0.038984812796115875, -0.02070637047290802, 0.002776253968477249, -0.008104592561721802, -0.005576649215072393, 0.0029038581997156143, 0.028666116297245026, 0.005573200527578592, -0.03214246779680252, -0.0007690740749239922, -0.008870217949151993, -0.020540829747915268, 0.017285197973251343, -0.022982554510235786, -0.039619386196136475, -0.014181312173604965, 0.008856422267854214, 0.006914769299328327, -0.011739588342607021, 0.0169955026358366, 0.02877647615969181, -0.015505637042224407, 0.00039790099253878, 0.04124720022082329, -0.01658165082335472, 0.007221709005534649, -0.0002487419988028705, -0.01492624543607235, 0.01393989846110344, -0.00394538464024663, -0.029300687834620476, -0.00291075580753386, 0.01335360947996378, 0.0063043381087481976, 0.020913297310471535, 0.02451380528509617, 0.019602768123149872, -0.028059134259819984, -0.00283488305285573, 0.03294258192181587, 0.021589254960417747, 0.02312050573527813, -0.018085312098264694, -0.012394852936267853, 0.015367686748504639, -0.010029002092778683, 0.003276324598118663, 0.01673339679837227, -0.018623318523168564, -0.018375007435679436, 0.004328197333961725, -0.002541738096624613, -0.011167093180119991, -0.002583123277872801, 0.00606637354940176, -0.008601213805377483, 0.0018347417935729027, -0.013284633867442608, 0.0125465989112854, -0.015864308923482895, 0.011318839155137539, 0.005862896796315908, -0.008725369349122047, -0.008594316430389881, -0.022941170260310173, 0.029273098334670067, -0.026762397959828377, -0.00946340523660183, -0.020209750160574913, 0.02721763588488102, 0.011932718567550182, 0.021685820072889328, -0.01670580729842186, 0.009573765099048615, 0.019519997760653496, -0.004583405796438456, -0.02899719588458538, -0.009711715392768383, -0.03159066662192345, 0.0352601483464241, 0.033963415771722794, 0.014471008442342281, 0.011477482505142689, -0.025617409497499466, 0.028472984209656715, 0.014429623261094093, -0.026279572397470474, -0.02861093543469906, -0.0393710732460022, 0.007394147105515003, 0.03368751332163811, -0.01743694394826889, -0.021699614822864532, -0.020333904772996902, 0.02487247623503208, 0.005283504258841276, 0.018126696348190308, 0.009277171455323696, -0.016981707885861397, 0.011587842367589474, 0.00393848679959774, -0.0033504730090498924, 0.0254104845225811, 0.015215940773487091, 0.002196861896663904, -0.0036143034230917692, 0.02626577764749527, -0.013519150204956532, -0.042571526020765305, -0.03214246779680252, 0.018223261460661888, 0.008849524892866611, -0.003983321134001017, 0.012788011692464352, 0.017616279423236847, 0.005949115846306086, 0.0020865013357251883, -0.021685820072889328, -0.016305750235915184, -0.0036246494855731726, 0.02426549419760704, -0.02833503484725952, 0.007249298971146345, 0.010180747136473656, -0.0010458372998982668, 0.047372203320264816, 0.012953552417457104, -0.03487388789653778, -0.017602484673261642, -0.0017071375623345375, 0.0005203320761211216, 0.002322741784155369, 0.021685820072889328, -0.0020020068623125553, -0.0016476464224979281, 0.02458278089761734, -0.0004888621042482555, 0.02134094387292862, -0.02150648459792137, 0.01714724861085415, 0.006849242839962244, -0.00033948756754398346, 0.00824254285544157, -0.6241984367370605, -0.017905976623296738, 0.02070637047290802, -0.03343920409679413, 0.0024969042278826237, 0.0063422746025025845, 0.014857269823551178, 0.025989875197410583, 0.010029002092778683, 0.02741076610982418, -0.033301252871751785, 0.008815037086606026, 0.003921243362128735, -0.002450346015393734, -0.021189197897911072, -0.016029849648475647, 0.007318274583667517, -0.021906539797782898, 0.02772805280983448, 0.0021744449622929096, -0.0244586244225502, 0.030597422271966934, -0.00813218206167221, -0.008980577811598778, 0.0045178793370723724, 0.014064054004848003, 0.036474116146564484, -0.041688643395900726, 0.004328197333961725, 0.012277594767510891, -0.02524494379758835, 0.02658306248486042, 0.012153440155088902, 0.027148660272359848, 0.043509591370821, -0.01162233017385006, -0.017285197973251343, 0.008725369349122047, 0.02738317660987377, 0.022568702697753906, -0.034791119396686554, -0.034404855221509933, 0.0038384729996323586, 0.01057390682399273, -0.013367404229938984, 0.016250569373369217, 0.01607123389840126, 0.008180465549230576, -0.019354457035660744, -0.042571526020765305, 0.0011932719498872757, 0.005655970890074968, -0.015615997835993767, 0.008780550211668015, -0.0022865296341478825, -0.008828832767903805, 0.03128717467188835, -0.009380634874105453, 0.011091221123933792, 0.008049411699175835, 0.017423149198293686, -0.008014924824237823, -0.005755985155701637, -0.0074838148429989815, -0.020375290885567665, 0.02429308369755745, -0.011394712142646313, 0.018209466710686684, -0.016429904848337173, -0.014112336561083794, 0.018885424360632896, 0.019382046535611153, 0.005573200527578592, 0.001263109385035932, 0.02289978414773941, 0.018885424360632896, 0.023520560935139656, 0.010084182024002075, -0.022858399897813797, -0.010987757705152035, 0.003293568268418312, 0.01481588464230299, -0.005355928558856249, -0.006604380439966917, 0.024844886735081673, 0.001156197744421661, -0.0416058748960495, 0.006142246536910534, -0.005331787280738354, -0.0009268549620173872, 0.007966642268002033, -0.0015105580678209662, -0.022968759760260582, -0.04353718087077141, -0.003046981757506728, 0.01270524226129055, 0.009153015911579132, 0.0010656677186489105, 0.018857834860682487, -0.04364754259586334, -0.012512111105024815, -0.019257890060544014, 0.013098401017487049, -0.02448621578514576, -0.00935304444283247, 0.007235504221171141, -0.0011372294975444674, 0.010015207342803478, 0.01356053538620472, -0.01638852059841156, 0.013077707961201668, -0.006118105258792639, -0.012581086717545986, 0.008980577811598778, -0.000631554692517966, -0.02594849094748497, 0.045909930020570755, 0.001372607541270554, -0.02880406565964222, -0.002586571965366602, 0.0298524908721447, 0.005286953411996365, 0.012070669792592525, -0.00997382216155529, 0.011077425442636013, 0.0007401906768791378, 0.0037419074214994907, -0.019588971510529518, -0.03385305404663086, -0.010035899467766285, 0.012794909998774529, -0.0070251296274363995, 0.015064195729792118, -0.015036605298519135, 0.023837847635149956, -0.013250146061182022, 0.008884012699127197, 0.0008333072764798999, -0.0033263317309319973, -0.010780831798911095, -0.03068019263446331, 0.006707843393087387, 0.003279773285612464, -0.034184135496616364, -0.008463263511657715, -0.015822922810912132, -0.024472421035170555, 0.014539983123540878, -0.010987757705152035, -0.012912167236208916, -0.027962567284703255, -0.008918500505387783, -0.03559122979640961, 0.023451587185263634, -0.0011501623084768653, -0.014429623261094093, 0.007766613736748695, -0.013153580948710442, -0.011511970311403275, -0.01972692273557186, -0.005649073515087366, 0.03851578012108803, -0.0184163935482502, -0.013519150204956532, 0.0025434624403715134, -0.01873367838561535, 0.00840118620544672, 0.02153407409787178, 0.019823487848043442, -0.040033236145973206, 0.0036349957808852196, -0.019588971510529518, -0.022665267810225487, 0.017988746985793114, -0.01243623811751604, -0.0045420206151902676, 0.001979589695110917, -0.011139503680169582, -0.0035487767308950424, -0.012312082573771477, 0.007718330714851618, 0.00893919263035059, -0.0014157170662656426, -0.00997382216155529, 0.03443244844675064, -0.015091785229742527, 0.012118952348828316, 0.0012337948428466916, -0.0024986285716295242, 0.0038143314886838198, 0.010753242298960686, 0.018568137660622597, -0.017588689923286438, 0.010642881505191326, -0.009856563992798328, 0.019257890060544014, -0.00787697359919548, -0.0025779500138014555, -0.01062218938022852, 0.02185136079788208, 0.006356069818139076, -0.0020226992201060057, -0.010994655080139637, -0.0211202222853899, 0.019575176760554314, -0.02982489950954914, 0.0028883388731628656, -0.01724381372332573, 0.0058663454838097095, 0.0036487909965217113, 0.019906258210539818, -0.013829538598656654, -0.012346570380032063, -0.016222979873418808, 0.00662162434309721, 0.020940886810421944, -0.013726075179874897, 0.011470585130155087, -0.01785079576075077, 0.013284633867442608, 0.01829223707318306, -0.0012441411381587386, 0.027562512084841728, -0.0007845935178920627, -0.009504790417850018, -0.0038626142777502537, 0.012318979948759079, 0.03090091422200203, -0.005176592618227005, -0.007573483046144247, -0.00870467722415924, -0.015422866679728031, 0.02270665392279625, 0.014036464504897594, 0.02429308369755745, -0.0006229327409528196, 0.03724663704633713, -0.004483391530811787, -0.0008915051585063338, -0.0028676462825387716, 0.005924974102526903, 0.01411923486739397, 0.013732973486185074, -0.0233412254601717, 0.0028728193137794733, -0.002765907673165202, 0.023962004110217094, 0.014898655004799366, -0.0074838148429989815, 0.013236351311206818, -0.01673339679837227, 0.015712562948465347, 0.00944960955530405, 0.0025503600481897593, 0.013512251898646355, -0.011139503680169582, 0.01734037883579731, 0.01609882339835167, 0.02236177772283554, 0.026665832847356796, 0.011732690967619419, -0.009870358742773533, 0.027645282447338104, -0.0125465989112854, 0.006328479386866093, -0.05744259059429169, 0.006649214308708906, 0.018664704635739326, 0.023203276097774506, -0.004435108974575996, 0.001077738357707858, -0.007056168280541897, -0.006352621130645275, -0.014360647648572922, 0.013491559773683548, -0.0007457949104718864, 0.012270697392523289, -0.025686385110020638, 0.023065324872732162, 0.01192582119256258, -0.03865373134613037, -0.014105439186096191, 0.014664138667285442, 0.017009297385811806, -0.0020537381060421467, -0.004104027524590492, 0.003345299744978547, 0.020016618072986603, -0.03134235367178917, -0.004169553983956575, 0.002490006620064378, -0.005880140233784914, 0.010291107930243015, -0.02312050573527813, -0.007697638124227524, -0.00434199208393693, 0.014981425367295742, 0.011511970311403275, -0.004000564571470022, 0.017933566123247147, 0.013284633867442608, 0.00394538464024663, -0.008870217949151993, -0.008718471974134445, 0.04960700124502182, -0.024444829672574997, 0.0008458090596832335, -0.018871629610657692, 0.0015191800193861127, -0.008546033874154091, 0.007173426449298859, 0.0003194416349288076, -0.0029348970856517553, 0.016181593760848045, 0.010808422230184078, 4.243594844410836e-07, -0.015050400048494339, 0.011794768273830414, 0.04006082937121391, -0.005924974102526903, -0.0032952928449958563, -0.01965794712305069, 0.0026089888997375965, 0.02597608044743538, 0.030018029734492302, 0.03090091422200203, -0.009318556636571884, 0.0042350804433226585, -0.006597483064979315, -0.01324324868619442, -0.023658512160182, 0.010849807411432266, 0.015450457111001015, 0.0020089042373001575, -0.023479176685214043, -0.024279288947582245, 0.016540266573429108, 0.006790613755583763, 0.047372203320264816, 0.005486981477588415, -0.008746062405407429, -0.02004420943558216, -0.006935461889952421, 0.017547303810715675, -0.021837566047906876, -0.014360647648572922, 0.007201016414910555, 0.00914611853659153, -0.009180606342852116, -0.021134017035365105, 0.03468075767159462, 0.0034056531731039286, 0.014788294211030006, -0.028500575572252274, -0.012884577736258507, 0.018002541735768318, 0.02280321903526783, 0.022541113197803497, -0.010180747136473656, 0.018126696348190308, 0.016981707885861397, 0.02839021384716034, 0.018375007435679436, -0.020527034997940063, 0.019037170335650444, 0.0052007343620061874, 0.007097553461790085, 0.007904564030468464, 0.00033884093863889575, -0.001396748935803771, 0.01641611009836197, 0.02724522538483143, -0.016029849648475647, -0.014084747061133385, 0.005966359283775091, -0.024417240172624588, -0.009732408449053764, -0.017298994585871696, -0.009739305824041367, -0.015036605298519135, -0.010601496323943138, -0.0010441129561513662, -0.016774781048297882, -0.0336599238216877, 0.0076493555679917336, 9.3924900284037e-05, 0.011932718567550182, -0.009808281436562538, -0.004600649233907461, -0.01546425186097622, -0.036253392696380615, 0.0030280137434601784, -0.020885707810521126, 0.0009975546272471547, 0.018471572548151016, -0.005776677746325731, -0.03070778399705887, -0.013415686786174774, 0.006490571424365044, 0.019354457035660744, 0.0080976951867342, 0.0064871227368712425, -0.03167343512177467, 0.022403161972761154, -0.027272814884781837, -0.015602202154695988, -0.003424621419981122, -0.01546425186097622, 0.010884295217692852, -0.01243623811751604, -0.018913013860583305, -0.0031694129575043917, -0.003572918241843581, -0.022596294060349464, 0.006797511130571365, -0.020844321697950363, -0.0008285652147606015, -0.004711010027676821, 0.020058004185557365, -0.0070044370368123055, 0.021961720660328865, 0.027907388284802437, 0.008690882474184036, -0.005759433843195438, 0.004021257162094116, 0.0092081967741251, -0.008780550211668015, -0.005411108490079641, 0.028942016884684563, 0.009877256117761135, 0.006373313255608082, -0.0014907276490703225, 0.009159913286566734, -0.01471931952983141, 0.03148030489683151, -0.018940605223178864, 0.010704959742724895, -0.003593610832467675, 0.030211161822080612, 0.02782461792230606, 0.031149225309491158, 0.0037694976199418306, 0.01492624543607235, -0.016816167160868645, -0.013208760879933834, 0.0015278018545359373, 0.0012355191865935922, 0.009422020055353642, -0.006390557158738375, 0.023230865597724915, -0.026762397959828377, -0.010953269898891449, -0.025258738547563553, -0.0006035334663465619, -0.011167093180119991, 0.012953552417457104, 0.005307646002620459, -0.005752536002546549, -0.030293932184576988, -0.00561458570882678, -0.004638585727661848, -0.006942359264940023, -0.030818143859505653, -0.019423430785536766, 0.01157404761761427, -0.01430546771734953, 0.009008168242871761, -0.0035970595199614763, -0.021396124735474586, -0.02131335437297821, -0.03357715532183647, 0.010380775667726994, 0.02492765709757805, 0.02083052694797516, -0.007973539642989635, 0.00470066349953413, 0.0042937095277011395, -0.023906823247671127, -0.006673356052488089, -0.005831857677549124, -0.010870500467717648, 0.02941104769706726, 0.03186656907200813, -0.003962628543376923, 0.024955246597528458, 0.0015743601834401488, 0.0013838160084560513, 0.02226521261036396, 0.008318415842950344, 0.002170996041968465, -0.008428775705397129, -0.002669342327862978, -0.011532662436366081, 0.0008126146858558059, 0.04196454584598541, -0.008821935392916203, 0.02414133958518505, 0.020816732197999954, 0.028500575572252274, 0.015988463535904884, 0.0075665852054953575, -0.01522973645478487, 0.0029624870512634516, -0.06340205669403076, 0.0013286358444020152, -0.012201722711324692, -0.0063422746025025845, 0.004290260840207338, -0.03890204429626465, -0.026955530047416687, 0.011036040261387825, 0.0057628825306892395, 0.014250287786126137, -0.012525905855000019, 0.033080533146858215, -0.0025745013263076544, 0.0065492005087435246, 0.034763529896736145, 0.02833503484725952, -0.03363233432173729, 0.013670895248651505, -0.027259020134806633, -0.005593893118202686, 0.015257325954735279, -0.01711965724825859, 0.021230584010481834, 0.01051182858645916, 0.002545186784118414, 0.0035867132246494293, 0.0169955026358366, -0.0014114060904830694, -0.012463828548789024, -0.00914611853659153, -0.001965794712305069, -0.010029002092778683, -0.0292179174721241, -0.02080293744802475, 0.012967348098754883, -0.011539559811353683, -0.0002491731138434261, -0.010994655080139637, 0.010394570417702198, -0.029548998922109604, -0.012822499498724937, 0.020444264635443687, 0.017795614898204803, 0.041909363120794296, -0.017161043360829353, 0.024086158722639084, 0.03313571214675903, -0.008001129142940044, -0.02194792591035366, 0.02792118303477764, 0.0026124378200620413, 0.0037970878183841705, 0.017298994585871696, 0.028914427384734154, -0.04248875752091408, -0.036474116146564484, 0.007138938643038273, -0.0065078153274953365, 0.0024555190466344357, -0.04323368892073631, 0.02007179893553257, 0.023451587185263634, 0.0030038722325116396, -0.028114313259720802, -0.00045437447261065245, -0.030597422271966934, 0.040033236145973206, 0.0009716888889670372, 0.015215940773487091, -0.0007798514561727643, -0.006083617452532053, 0.008470160886645317, 0.0287488866597414, -0.0009932436514645815, 0.05269709229469299, 0.0038005365058779716, -0.01249831635504961, 0.011898231692612171, -0.007338967174291611, -0.006028437055647373, 0.011774076148867607, -0.014622753486037254, 0.03194933757185936, -0.010422160848975182, -0.001927858334966004, 0.024637959897518158, 0.012994937598705292, 0.013015630654990673, 0.005066232290118933, 0.010298005305230618, 0.035811953246593475, -0.02092709206044674, -0.020651191473007202, -0.015009014867246151, 0.004059193655848503, 0.018471572548151016, 0.004179900512099266, -0.006707843393087387, -0.012043079361319542, -0.011567150242626667, -0.014788294211030006, 0.014153721742331982, -0.002971109002828598, 0.0258795153349638, 0.019768306985497475, -0.0038936531636863947, -0.015409071929752827, -0.022982554510235786, -0.007594175636768341, 0.00047808472299948335, -0.051400359719991684, -0.026762397959828377, -0.008283928036689758, -0.023037735372781754, -0.0005612861132249236, -0.004262670874595642, -0.028086723759770393, 0.018499163910746574, 0.017133453860878944, -0.022651473060250282, 0.024982836097478867, 0.03586713224649429, 0.011711997911334038, -0.047151483595371246, -0.011587842367589474, -0.004828267730772495, -0.026445113122463226, 0.03299776092171669, -0.016967913135886192, -0.026748603209853172, -0.004631688352674246, -0.0016209185123443604, 0.019547587260603905, 0.020540829747915268, -0.00020509360183496028, 0.00808389950543642, -0.006162939127534628, 0.0003942366747651249, -0.00819426029920578, -0.01092568039894104, 0.027576306834816933, -0.024665551260113716, 0.013188068754971027, 0.022127261385321617, -0.01736796833574772, 0.039867695420980453, -0.02124437876045704, 0.0014467559522017837, -0.0014967629685997963, -0.04188177362084389, -0.014677934348583221, -0.0018519855802878737, 0.007366557139903307, 0.005576649215072393, -0.008994373492896557, -0.008739165030419827, 0.012670754455029964, -0.012312082573771477, 0.0214375089854002, -0.006897525396198034, -0.005673214793205261, 0.01819567196071148, 0.010373878292739391, -0.018554342910647392, -0.00677336985245347, -0.0114360973238945, -0.007511405274271965, 0.021589254960417747, 0.013684689998626709, -0.034128956496715546, -0.00504898838698864, 0.02124437876045704, 0.03934348374605179, 0.021478893235325813, -0.02518976293504238, -0.024224109947681427, -0.009373736567795277, -0.04268188774585724, -0.01645749621093273, -0.006594034377485514, -0.0030038722325116396, 0.0017881834646686912, 0.00596291059628129, -0.008739165030419827, 0.019961439073085785, -0.019382046535611153, -0.00485930684953928, -0.004390275105834007, -0.010932577773928642, -0.0005699080647900701, 0.01682996191084385, 0.013615715317428112, 0.011105015873908997, -0.03948143497109413, 0.007097553461790085, -0.010518725961446762, 0.012643164023756981, -0.015809128060936928, 0.005076578818261623, -0.015726357698440552, -0.016567856073379517, -0.00773212593048811, -0.0050386423245072365, -0.005628380924463272, 0.000778989284299314, -0.00860811211168766, -0.026403727009892464, -0.005890486761927605, 0.004893794190138578, -0.0029383457731455564, -0.020223544910550117, -0.0025124235544353724, -0.0018364661373198032, -0.004421313758939505, -0.0041316174902021885, -0.005780126433819532, -0.014843475073575974, 0.02492765709757805, -0.013236351311206818, 0.017395559698343277, 0.0009647913393564522, 0.009939334355294704, 0.06075340509414673, -0.016471290960907936, 0.008552931249141693, -0.007256196811795235, -0.01883024349808693, -0.03178379684686661, 0.002998699201270938, -0.004573059268295765, -0.004893794190138578, 0.007359659764915705, -0.007663150783628225, 0.014291672967374325, -0.0007798514561727643, -0.008311518467962742, -0.002415858209133148, -0.019326865673065186, -0.01975451223552227, 0.016788577660918236, -0.0035177378449589014, -0.014871064573526382, -0.014291672967374325, -0.012484520673751831, -0.0031642396934330463, 0.0016898937756195664, 0.008442571386694908, -0.00280729285441339, -0.01565738208591938, 0.0026107134763151407, 0.013739870861172676, -0.005593893118202686, -0.004017808474600315, 0.008490853942930698, -0.0020020068623125553, 0.001688169315457344, 0.021961720660328865, 0.1883852183818817, 0.0026193351950496435, 0.028445394709706306, 0.006107758730649948, 0.004869652912020683, -0.006959603168070316, 0.04789641499519348, 0.004093681462109089, 0.008346005342900753, -0.013512251898646355, -0.005328338593244553, 0.022030696272850037, -0.01816808246076107, 0.0015536675928160548, 0.03443244844675064, -0.02880406565964222, -0.05586995556950569, -0.03995046764612198, -0.03512220084667206, 0.003331504762172699, -0.010222132317721844, 0.00217616930603981, -0.011187786236405373, -0.028252264484763145, 0.02251352369785309, -0.036032672971487045, -0.029935259371995926, -0.007118246052414179, 0.01911994069814682, 0.00561458570882678, -0.023713693022727966, -0.01097396295517683, 0.02738317660987377, -0.007125143893063068, -0.0058663454838097095, -0.0096082529053092, 0.03448762744665146, 0.01807151734828949, 0.008318415842950344, 0.025134582072496414, -0.018540548160672188, -0.05007603392004967, -0.005193836521357298, -5.089619298814796e-05, 0.010629086755216122, 0.007052719593048096, -0.007338967174291611, 0.018968194723129272, -0.004983461927622557, 0.0030004235450178385, -0.027990158647298813, 0.0015329750021919608, 0.032887402921915054, 0.026679627597332, -0.023644717410206795, -0.0010872224811464548, -0.0076493555679917336, 0.023492971435189247, -0.004624790977686644, 0.006525059230625629, -0.03578436002135277, 0.007132041268050671, 0.026472702622413635, 0.005797369871288538, -0.004241978283971548, 0.009753100574016571, -0.01492624543607235, 0.014181312173604965, 0.013870923779904842, -0.003026289166882634, 0.01851295866072178, -0.006914769299328327, -0.012560393661260605, 0.004462698940187693, -0.04770328477025032, -0.019547587260603905, 0.03459798917174339, 0.0044799428433179855, -0.015009014867246151, 0.03484629839658737, -0.003855716669932008, 0.020347699522972107, -0.008525341749191284, 0.018030131235718727, -0.019354457035660744, -0.054573219269514084, -0.009394429624080658, -0.001993384910747409, -0.012277594767510891, -0.031397536396980286, -0.018954399973154068, 0.02575536072254181, -0.010856704786419868, -0.006331928540021181, 0.01765766553580761, 0.0007906288374215364, 0.0196855366230011, 0.009622047655284405, -0.009153015911579132, 0.012139644473791122, -0.010691164061427116, 0.045082226395606995, 0.015202146023511887, -0.007787306327372789, -0.019864873960614204, 0.001547632273286581, 0.001554529764689505, 0.00935304444283247, 0.006369864568114281, 0.012587984092533588, -0.0032504587434232235, -0.029383458197116852, -0.012429340742528439, -0.018112901598215103, 0.0019261339912191033, 0.024113748222589493, 0.007925257086753845, -0.018375007435679436, -0.010015207342803478, -0.017905976623296738, 0.011705100536346436, -0.0063043381087481976, 0.0100014116615057, 0.03594990074634552, -0.004631688352674246, 0.021271968260407448, -0.023768872022628784, -0.0034815259277820587, -0.01562979258596897, -0.0368327870965004, 0.01782320626080036, -0.015257325954735279, 0.012360365130007267, 0.009035758674144745, 0.002196861896663904, -0.009739305824041367, -0.01532630156725645, -0.0006293992046266794, -0.01721622422337532, -0.008801242336630821, 0.009642740711569786, -0.01911994069814682, 0.004828267730772495, 0.017202427610754967, -0.007449327502399683, -0.01491244975477457, 0.00037375965621322393, 0.019382046535611153, 0.006235362961888313, -0.029493818059563637, 0.006607829127460718, -0.024348264560103416, 0.015188351273536682, -0.008539136499166489, 0.019547587260603905, -0.0041316174902021885, -0.007573483046144247, -0.04397862032055855, -0.0025038018357008696, 0.013139786198735237, -0.03170102834701538, 0.007766613736748695, 0.04389585182070732, -0.015478046610951424, 0.0021485791075974703, -0.002974557923153043, -0.17646628618240356, 0.011477482505142689, 0.023672306910157204, -0.030983684584498405, 0.00510416878387332, 0.03167343512177467, 0.015202146023511887, -0.005045539699494839, 0.0018106003990396857, 0.0026814129669219255, 0.004290260840207338, 0.0013407064834609628, 0.007925257086753845, -0.011601638048887253, 0.003928140737116337, 0.0038039851933717728, 0.019492406398057938, -0.000751399202272296, 0.011201580986380577, 0.006649214308708906, -0.009442712180316448, -0.01532630156725645, 0.012788011692464352, 0.004514430183917284, -0.018237058073282242, 0.028500575572252274, -0.0192165058106184, 0.019271686673164368, -0.021520279347896576, -0.007194119039922953, 0.012994937598705292, -0.009139221161603928, 0.013332916423678398, -0.01449859794229269, -0.007518302649259567, 0.016305750235915184, -0.012477623298764229, -0.00031728617614135146, -0.005149002652615309, 0.050986506044864655, 0.02114781364798546, 0.020789140835404396, 0.014008874073624611, 0.0023141198325902224, -0.022913578897714615, -0.0023175685200840235, 0.013319121673703194, -0.012512111105024815, -0.009173708967864513, -0.01641611009836197, -0.03090091422200203, -0.012298287823796272, 0.039205536246299744, 0.004052296280860901, 0.004004013724625111, 0.0143744433298707, 0.019892463460564613, 0.01393989846110344, 0.022692859172821045, -0.019809693098068237, -0.029935259371995926, -0.013367404229938984, 0.010760139673948288, -0.008918500505387783, 0.007966642268002033, -0.04036431759595871, -0.02919032797217369, -0.009090938605368137, -0.029466228559613228, -0.004828267730772495, -0.016057439148426056, -0.009435814805328846, 0.016181593760848045, 0.007028578314930201, 0.010008309036493301, 0.004831716418266296, -0.0034573846496641636, -0.0018106003990396857, -0.009373736567795277, 0.01092568039894104, -0.01727140322327614, 0.039812516421079636, 0.007552790455520153, -0.007580380421131849, 0.014802089892327785, -0.024182723835110664, -0.017588689923286438, -0.022623883560299873, 0.0063250306993722916, -0.0007259645499289036, 0.00924268364906311, -0.01187753863632679, 0.004766189958900213, -0.0161953903734684, 0.019451022148132324, -0.01035318523645401, -0.009359941817820072, -0.004610995762050152, 0.013877821154892445, -0.008884012699127197, -0.005876691546291113, -0.007359659764915705, -0.03423931449651718, -0.013201863504946232, 0.05029675364494324, 0.013919206336140633, -0.019644152373075485, -0.009553072974085808, 0.02060980536043644, -0.015146966092288494, -0.015795333310961723, 0.010029002092778683, 0.018347417935729027, -0.00016866605437826365, -0.007463122718036175, 0.030845733359456062, -0.0003606112441048026, -0.04028154909610748, 0.022692859172821045, -0.0169955026358366, 0.04773087427020073, 0.0002580105501692742, -0.03156307712197304, -0.023203276097774506, 0.013263941742479801, -0.0014829679857939482, -0.09044035524129868, 0.0036315470933914185, 0.014001976698637009, 0.02099606767296791, -0.0416058748960495, 0.015091785229742527, -0.008090796880424023, -2.9907239877502434e-05, -0.01157404761761427, 0.0292179174721241, -0.014871064573526382, -0.010932577773928642, -0.008794344961643219, 0.0037660489324480295, 0.01329153124243021, -0.007476917468011379, 0.024348264560103416, -0.030762962996959686, -0.004742048680782318, 0.017892180010676384, 0.01319496612995863, -0.012836295180022717, -0.013643304817378521, 0.003531533060595393, -0.00048670664546079934, 0.008552931249141693, -0.036860376596450806, 0.021768590435385704, 0.01905096508562565, 0.014057156629860401, 0.00424887565895915, -0.03868132084608078, 0.004062642343342304, -0.027052095159888268, -0.008297722786664963, -0.0014424449764192104, -0.024693140760064125, 0.009787588380277157, 0.028445394709706306, -0.020885707810521126, 0.008490853942930698, 0.008104592561721802, 0.026320956647396088, -0.009325454011559486, -0.01167061273008585, -0.01035318523645401, -0.028445394709706306, 0.030625013634562492, -0.014429623261094093, -0.024417240172624588, -0.0076286629773676395, -0.017285197973251343, -0.008187362924218178, -0.003383236238732934, 0.02414133958518505, -0.010504931211471558, 0.005924974102526903, 0.008104592561721802, -0.02197551541030407, 0.004259221721440554, -0.018002541735768318, 0.0038212290965020657, -0.009553072974085808, 0.02299634926021099, 0.023230865597724915, 0.008277030661702156, -0.033521972596645355, -0.030514651909470558, 0.01187753863632679, -0.002541738096624613, -0.00955997034907341, 0.023962004110217094, -0.02187895029783249, 0.008828832767903805, -0.03087332285940647, -0.01449859794229269, -0.03172861784696579, -0.023768872022628784, 0.0052214269526302814, -0.005452493671327829, -0.003269426990300417, -0.025810539722442627, -0.02051324024796486, -0.014581368304789066, 0.011105015873908997, -0.011270556598901749, -0.017078272998332977, 0.012277594767510891, 0.025838131085038185, -0.04281983897089958, 0.034956660121679306, 0.010635984130203724, -0.0048972428776323795, -0.016374725848436356, 0.0028883388731628656, 0.031452715396881104, -0.014995220117270947, -0.009125426411628723, 0.01987866871058941, -0.004072988871484995, -0.04331646114587784, 0.010629086755216122, -0.07896286994218826, 0.021906539797782898, 0.005818062461912632, -0.008214952424168587, -0.0080976951867342, -0.021961720660328865, 0.005911179352551699, 0.00949789211153984, -0.007952846586704254, 0.00012016782420687377, -0.03550846129655838, 0.005480084102600813, -0.011456789448857307, -0.0038315753918141127, 0.0042764656245708466, -0.012932860292494297, 0.0214375089854002, 0.001245003310032189, 0.013001834973692894, 0.022030696272850037, 0.004569610580801964, 0.017795614898204803, 0.005507674068212509, 0.031645845621824265, -0.013022528029978275, -0.0100014116615057, -0.008552931249141693, 0.0034211724996566772, -0.0024451727513223886, 0.014319262467324734, 0.023768872022628784, -0.044640783220529556, 0.0037384587340056896, 0.013505354523658752, -0.008173567242920399, -0.015395276248455048, -0.0034504870418459177, 0.0006522472249343991, 0.0026158865075558424, 0.05123481899499893, -0.04538571834564209, -0.016016054898500443, -0.007352761924266815, -0.0058042677119374275, -0.010132464580237865, 0.01714724861085415, 0.036253392696380615, 0.004628239665180445, 0.009118529036641121, -0.01804392598569393, 0.040695399045944214, 0.012381058186292648, -0.0096082529053092, -0.05214529111981392, -0.017740435898303986, 0.009835870936512947, 0.00787697359919548, -0.008994373492896557, 0.006949256639927626, -0.026527883484959602, 0.03503942862153053, 0.005111066158860922, 0.046378958970308304, 0.012325878255069256, 0.01565738208591938, -0.01067047193646431, 0.005376621149480343, 0.0031107838731259108, -0.014388238079845905, -0.014457213692367077, -0.0075045074336230755, 0.006380211096256971, 0.0064457375556230545, 0.020789140835404396, 0.009277171455323696, 0.0018450880888849497, -0.010325595736503601, 0.009739305824041367, -0.026100236922502518, 0.0051007200963795185, 0.04157828167080879, -0.011967206373810768, -0.011311941780149937, 0.01782320626080036, 0.02531391754746437, -0.007428634911775589, -0.016816167160868645, 0.021106427535414696, 0.004473045002669096, 0.006959603168070316, -0.008152875117957592, 0.005800819024443626, 0.0011122259311378002, -0.0001578886731294915, -0.012401750311255455, 0.025010427460074425, -0.026210596784949303, 0.007394147105515003, 0.03727422654628754, 0.030404292047023773, -0.0028710949700325727, 0.005890486761927605, -0.005035193637013435, -0.021478893235325813, -0.03945384547114372, 0.007676945999264717, -0.026941733434796333, 0.005704253446310759, 0.00046816954272799194, -0.01056011114269495, 0.018443983048200607, 0.009759998880326748, -0.003053879365324974, 0.00612155394628644, -0.027576306834816933, -0.007152733858674765, 0.0052041830494999886, -0.019547587260603905, -0.03106645494699478, 0.028693705797195435, -0.004307504743337631, 0.009787588380277157, 0.024417240172624588, 0.009697920642793179, 0.03007321059703827, 0.023672306910157204, 0.03109404444694519, -0.013181171379983425, 0.025865720584988594, -0.036060262471437454, 0.0005035193753428757, -0.010891192592680454, -0.003081469563767314, 0.009422020055353642, -0.0173127893358469, -0.00865639466792345, 0.009684125892817974, -0.00986346136778593, -0.012415545992553234, 0.08492233604192734, 0.03677760437130928, -0.0003772084310185164, -0.0027296957559883595, -0.04144033417105675, 0.0049765645526349545, 0.037908799946308136, -0.015036605298519135, -0.018333623185753822, -0.04061263054609299, -0.011291248723864555, -0.0032711513340473175, 0.01067047193646431, -0.014733114279806614, 0.0043764798901975155, -0.0057628825306892395, -0.024127542972564697, 0.02299634926021099, 0.009332352317869663, 0.004980013240128756, 0.010442853905260563, 0.016885142773389816, 0.018306031823158264, 0.007332069333642721, -0.018223261460661888, -0.007766613736748695, 0.010187645442783833, -0.011325736530125141, 0.025865720584988594, -0.03846060112118721, 0.0008402048260904849, 0.011167093180119991, -0.02741076610982418, -0.018085312098264694, -0.013050118461251259, -0.003157342318445444, -0.01409854181110859, -0.0033056391403079033, 0.032694268971681595, -0.0036177521105855703, 0.02328604646027088, 0.020885707810521126, 0.007718330714851618, -0.006052578333765268, -0.003393582534044981, -0.008221850730478764, -0.026417521759867668, -0.01492624543607235, -0.01734037883579731], metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f5200883-2089-4dda-a775-3fce21c08c8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9155c451a9f664cbd27fcf49ad70bf51e356de7e889d0adfeecd6f65d39a7df9'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='9cdcb748-dfc4-475c-84c3-2994870e1b39', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f98911041081d3f5f85ddf94980da2bd7d016a01b8cff04f88a2661de6cc4aee'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='ef140ab1-7d8d-437a-9d77-84c0092f8d64', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='fbf67a3f34a3798ebda07014b691b1c4f1c65230cd7af66c7213ae36e84ee8eb')}, hash='044205bf1eab1eba6a28dd45831aa32a997b995c44bb56967c80d7b5906e2422', text='60, no. 2, pp. 91-110, 2004. [2] S. Deerwester, S. T. Dumais, T. K. Landauer, G. W. Furnas, and R. A . Harshman, \"Indexing by Latent Semantic Analysis,\" J. Amer. Soc. Inform. Sci., vol. 41, pp. 391-407, 1990. [3] P. N. Yianilos, \"Data structures and algorithms for nearest neighbor search in general metric spaces,\" in SODA , 1993, vol. 93, no. 194, pp. 311-321. [4] G. Navarro, \"Searching in metric spaces by spatial approxim ation,\" The VLDB Journal, vol. ', start_char_idx=4658, end_char_idx=5116, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
456
       " TextNode(id_='ef140ab1-7d8d-437a-9d77-84c0092f8d64', embedding=[-0.010247652418911457, 0.02849002741277218, 0.00014610496873501688, -0.018164686858654022, 0.013672953471541405, 0.02196430042386055, -0.01382126472890377, 0.0010779104195535183, -0.03288288787007332, -0.042290106415748596, 0.015918821096420288, 0.0084114084020257, 0.0016791035886853933, 0.01412495132535696, -0.007076600566506386, 0.01143414806574583, 0.00947078038007021, -0.018899185582995415, 0.017811564728617668, 0.0011282304767519236, -0.03180938959121704, 0.005438106134533882, -0.010833838023245335, -0.03130089119076729, 0.00015669867570977658, 0.03423888236284256, 0.03197889029979706, -0.02271292172372341, 0.000258663174463436, -0.01538207195699215, 0.013185642659664154, -0.01899806037545204, -0.007902910001575947, 0.008418471552431583, -0.0002212541294284165, -0.00301214586943388, 0.019661933183670044, -0.028843151405453682, 0.0349733792245388, -0.0046506403014063835, 0.002203492447733879, -0.007126037962734699, -0.0056958869099617004, -0.0015096041606739163, -0.0014363309601321816, -0.0008841336821205914, 0.02483166567981243, -0.021116802468895912, -0.013729453086853027, 0.03731812164187431, 0.016723942011594772, 0.025552038103342056, -0.015014823526144028, -0.002959177363663912, -0.004721264820545912, -0.00256721000187099, -0.002606053603813052, 0.02430904097855091, -0.0027684904634952545, -0.02779790386557579, 0.007387349847704172, -0.014386262744665146, -0.025029413402080536, 0.016031820327043533, -0.02583453617990017, -0.04279860481619835, -0.02007155679166317, 0.012408769689500332, 0.004858983214944601, -0.011688397265970707, 0.004385797306895256, 0.024492666125297546, -0.025552038103342056, -0.002265289193019271, 0.033899884670972824, -0.02137105166912079, -0.007825222797691822, -0.002300601452589035, -0.011116337031126022, 0.007344974670559168, -0.0017903376137837768, -0.026766782626509666, -0.00206577405333519, 0.006787039339542389, 0.0016561505617573857, 0.019789056852459908, 0.025043539702892303, 0.02000093087553978, -0.03740287199616432, -0.0013886593515053391, 0.03946511447429657, 0.025184787809848785, 0.026865657418966293, -0.01250058226287365, -0.014026076532900333, 0.01710531674325466, -0.012768955901265144, 0.006656383629888296, 0.015947069972753525, -0.01765619032084942, -0.013228016905486584, 0.00886340718716383, -0.0016746895853430033, -0.007073069456964731, -0.010233527049422264, 0.008686845190823078, -0.009386030025780201, 0.005699418019503355, -0.008976406417787075, 0.02538253739476204, -0.01954893209040165, -0.0027879122644662857, 0.0024930539075285196, -0.015113698318600655, 0.003414707025513053, -0.021088551729917526, 0.019421808421611786, -0.01507132314145565, -0.007648661267012358, -0.016752192750573158, 0.020862553268671036, 0.015198447741568089, 0.016709817573428154, -0.02817927859723568, 0.00474951509386301, 0.023503920063376427, -0.0070483507588505745, -0.03641412407159805, -0.006243228446692228, -0.03163989260792732, 0.03483213111758232, 0.030255645513534546, 0.015141948126256466, 0.011356460861861706, -0.023207295686006546, 0.02014218084514141, 0.007168412674218416, -0.020241055637598038, -0.03113139234483242, -0.040482111275196075, 0.0072213816456496716, 0.042770352214574814, -0.008835157379508018, -0.017514940351247787, -0.0035171129275113344, 0.023673418909311295, 0.00413154810667038, 0.02052355371415615, 0.0152266975492239, -0.013150329701602459, 0.006278540939092636, 0.001499010482802987, 0.002265289193019271, 0.028913775458931923, 0.013701203279197216, 0.008114784955978394, -0.007931160740554333, 0.023899417370557785, -0.010883275419473648, -0.04429584741592407, -0.026413658633828163, 0.01408257707953453, 0.007073069456964731, -0.005635855719447136, 0.014075513929128647, 0.017175940796732903, 0.013538765721023083, 0.004696546588093042, -0.012747768312692642, -0.01788218878209591, -0.008623283356428146, 0.02241629734635353, -0.03206364065408707, -0.0018168218666687608, 0.013263329863548279, -0.010544275864958763, 0.04528459534049034, 0.01574932038784027, -0.02946464903652668, -0.005805355031043291, -0.006027822848409414, 0.00045376407797448337, 0.008319596759974957, 0.01598944514989853, -0.005056732799857855, 0.0057912301272153854, 0.025439037010073662, -0.008997594006359577, 0.013016142882406712, -0.026088785380125046, 0.016836943104863167, 0.013743577525019646, 0.008157159201800823, 0.014845323748886585, -0.6224018931388855, -0.015212573111057281, 0.0032222545705735683, -0.028362901881337166, -7.983908290043473e-05, 0.021258052438497543, 0.011328211054205894, 0.022543422877788544, 0.004717733711004257, 0.027063407003879547, -0.036470625549554825, 0.010240590199828148, -0.002648428315296769, -0.0050814514979720116, -0.02703515812754631, -0.0218089260160923, 0.005808886140584946, -0.022020800039172173, 0.018517810851335526, 0.009463717229664326, -0.021032052114605904, 0.022854171693325043, -0.0020481180399656296, -0.01158952247351408, 0.0032663950696587563, 0.015918821096420288, 0.03796786814928055, -0.039945363998413086, 0.007037756964564323, 0.011850833892822266, -0.031103143468499184, 0.022769421339035034, 0.004431703593581915, 0.02187955006957054, 0.039945363998413086, -0.01923818327486515, -0.01901218481361866, 0.009943965822458267, 0.02878665179014206, 0.01902630925178528, -0.03486037999391556, -0.02755778096616268, 0.005558168515563011, 0.009534342214465141, -0.012797205708920956, 0.019450059160590172, 0.012776019051671028, 0.005173263605684042, -0.028377028182148933, -0.03392813354730606, -0.0005588183994404972, 0.00011995173554169014, -0.020424680784344673, 0.002237039152532816, -0.007401474751532078, -0.009746216237545013, 0.028814900666475296, -0.011222274042665958, 0.008764532394707203, 0.0019192277686670423, 0.01413201354444027, -0.007352037355303764, -0.0149159487336874, -0.0021434614900499582, -0.007344974670559168, 0.016540318727493286, -0.013086767867207527, 0.025354288518428802, -0.01268420647829771, -0.01488769892603159, 0.020735429599881172, 0.011299961246550083, 0.00885634496808052, -0.001413377933204174, 0.01878618635237217, 0.023348545655608177, 0.0165120679885149, 0.009569654241204262, -0.02348979376256466, -0.002514241263270378, 0.00666697695851326, 0.018899185582995415, -0.010869150049984455, -0.005508731119334698, 0.02856065146625042, 0.013051454909145832, -0.0390978641808033, 0.003965580370277166, -0.016554443165659904, -0.005102638620883226, 0.007846410386264324, -0.0036442375276237726, -0.02104617841541767, -0.038674116134643555, -0.005229763220995665, 0.00920946802943945, 0.004248079378157854, 0.001952774589881301, 0.01652619242668152, -0.04180985689163208, -0.008044159971177578, -0.020580055192112923, 0.014718199148774147, -0.021568801254034042, -0.000476717104902491, 0.008566782809793949, -0.0027861467096954584, 0.004156266804784536, 0.017303066328167915, -0.014788824133574963, 0.015735195949673653, -0.000680204713717103, -0.022147923707962036, 0.017853938043117523, -0.004216297995299101, -0.03186589106917381, 0.04446534812450409, 0.011688397265970707, -0.030651144683361053, 0.005000232718884945, 0.0384763665497303, 0.009181218221783638, 0.005374543834477663, -0.021314552053809166, 0.014216763898730278, 0.003894955385476351, 0.007450912147760391, -0.020961428061127663, -0.03228963911533356, -0.0048660458996891975, 0.030622895807027817, -0.007832285948097706, 0.01902630925178528, -0.017331315204501152, 0.02120155282318592, -0.019111059606075287, 0.004774233791977167, 0.0036071594804525375, 0.009068218991160393, -0.006730539258569479, -0.032233137637376785, 0.0069530075415968895, 0.011073961853981018, -0.03841986879706383, -0.003933798987418413, -0.016257818788290024, -0.024436166509985924, 0.01583407074213028, -0.013157391920685768, -0.010177027434110641, -0.02043880522251129, -0.005173263605684042, -0.03158339112997055, 0.01703469082713127, -0.0005535215605050325, -0.004580015316605568, -0.0007234623772092164, -0.01627194508910179, -0.013312767259776592, -0.0265972837805748, -0.004788358695805073, 0.04302460327744484, -0.02529778890311718, -0.02264229767024517, -0.006734070833772421, -0.009442529641091824, 0.00643744645640254, 0.019435932859778404, 0.0265972837805748, -0.0378548689186573, 0.0013559953076764941, -0.018348312005400658, -0.021017927676439285, 0.013016142882406712, -0.0142732635140419, -0.007228443864732981, -0.00641979044303298, -0.008729220367968082, 0.007422661874443293, -0.011427085846662521, 0.005180325824767351, 0.01786806434392929, 0.0034111756831407547, -0.010035778395831585, 0.02887140028178692, -0.011292899027466774, 0.008425533771514893, 0.0005866268766112626, 0.003905549179762602, 0.0025107101537287235, 0.005667636636644602, 0.025735661387443542, -0.009075281210243702, 0.016399068757891655, -0.009280093014240265, 0.025354288518428802, -0.013044392690062523, 0.0010028715478256345, -0.014414513483643532, 0.028235778212547302, 0.002851474564522505, -0.0009110593819059432, -0.004728327505290508, -0.02053768001496792, 0.014139076694846153, -0.04096236079931259, 0.007486224174499512, -0.009244780987501144, 0.007037756964564323, 0.0030439270194619894, 0.025311913341283798, -0.01457695011049509, -0.021017927676439285, -0.019224058836698532, -0.0021911330986768007, 0.027176406234502792, -0.009477842599153519, 0.012437019497156143, -0.02425254136323929, 0.013538765721023083, 0.005508731119334698, -0.002727881306782365, 0.023207295686006546, 0.0051697320304811, -0.010247652418911457, 0.0009260671213269234, 0.028391152620315552, 0.025340162217617035, 0.005925416946411133, 0.0006850601639598608, -0.001155597623437643, -0.0087433448061347, 0.025269538164138794, 0.004738921299576759, 0.018503686413168907, 0.0026713814586400986, 0.043448351323604584, -0.017543189227581024, 0.004163329489529133, -0.005653511732816696, 0.008319596759974957, 0.016681566834449768, 0.01223220769315958, -0.03113139234483242, 0.002078133402392268, -0.001681752037256956, 0.021639425307512283, 0.02104617841541767, -0.0035206442698836327, 0.02293892204761505, -0.0045270468108356, 0.028772525489330292, 0.008298409171402454, 0.004569421987980604, 0.023814668878912926, -0.011186962015926838, 0.011109274812042713, 0.021950174123048782, 0.018814435228705406, 0.02764252945780754, 0.009152968414127827, -0.008969344198703766, 0.023574544116854668, -0.012175708077847958, 0.013383391313254833, -0.05887279659509659, -1.3607680557470303e-05, 0.014259138144552708, 0.010014590807259083, -0.017458440735936165, -0.0035912690218538046, -0.000997574650682509, 0.0011864958796650171, -0.017938688397407532, 0.014718199148774147, 0.0087433448061347, 0.019435932859778404, -0.01947830803692341, 0.021074427291750908, 0.018772060051560402, -0.04847683385014534, -0.0074155996553599834, 0.004138610791414976, 0.022515172138810158, 0.004572953097522259, -0.011963834054768085, 0.0006744664278812706, 0.02082017809152603, -0.03463438153266907, -0.011490647681057453, 0.005699418019503355, -0.00403267377987504, 0.00852440856397152, -0.02423841692507267, -0.010508963838219643, -0.0017152988584712148, 0.024337291717529297, 0.013927202671766281, -0.002353569958359003, 0.00309512997046113, 0.01946418359875679, -0.0045552970841526985, -0.014033139683306217, -0.002736709313467145, 0.04929608106613159, -0.013418704271316528, 0.0034553161822259426, -0.01757143996655941, 0.010381839238107204, -0.0019121653167530894, 0.008976406417787075, -0.0003264188126195222, 0.006363290827721357, 0.017543189227581024, 0.014972448348999023, -0.009400155395269394, -0.011638959869742393, 0.015325572341680527, 0.042459603399038315, -0.005053201224654913, -0.005003764294087887, -0.03341963514685631, -0.01045952644199133, 0.0324026383459568, 0.02809452824294567, 0.03460613265633583, -0.003926736302673817, 0.004180985502898693, -0.0016226038569584489, -0.014605199918150902, -0.020410554483532906, 0.0020286962389945984, 0.014167326502501965, 0.0009348952444270253, -0.02045292966067791, -0.020085681229829788, 0.012917268089950085, 0.00450939079746604, 0.04816608503460884, 0.002459507202729583, -0.0062220413237810135, -0.03406938165426254, -0.0032681606244295835, 0.011759022250771523, -0.021385176107287407, -0.00923771783709526, 0.009866278618574142, 0.015396197326481342, -0.0014522215351462364, -0.0237157940864563, 0.035933878272771835, 0.012507644481956959, 0.014252075925469398, -0.031470391899347305, -0.009972215630114079, 0.01189320906996727, 0.03175289183855057, 0.018009312450885773, -0.012126270681619644, 0.022472796961665154, 0.018122313544154167, 0.022981295362114906, 0.013171517290174961, -0.013927202671766281, 0.014223826117813587, 0.003877299139276147, 0.005946604534983635, 0.014802949503064156, -0.0035471285227686167, 0.00036239330074749887, 0.007931160740554333, 0.02901265025138855, -0.019902056083083153, -0.01583407074213028, 0.01253589428961277, -0.022769421339035034, -0.011264649219810963, -0.017698563635349274, 0.0016473224386572838, -0.006073729135096073, -0.006878851447254419, -0.0033158324658870697, -0.010254714637994766, -0.028984401375055313, 0.0029485835693776608, -0.006416259333491325, 0.009682654403150082, -0.005039076320827007, 0.00031163173844106495, -0.023080170154571533, -0.03686612471938133, -0.006716414354741573, -0.014873573556542397, 9.810220217332244e-05, 0.019718432798981667, -0.004463484510779381, -0.0304533950984478, -0.007740473374724388, 0.00947078038007021, 0.020791929215192795, 0.0023041327949613333, 0.008835157379508018, -0.027600156143307686, 0.019746681675314903, -0.028730152174830437, -0.01743018999695778, 0.0019757275003939867, -0.018729684874415398, 0.014047264121472836, -0.012853706255555153, -0.020057430490851402, -0.00916709378361702, -0.004512921907007694, -0.022388048470020294, -0.004498797003179789, -0.018051687628030777, 0.007295537274330854, -0.011787272058427334, 0.020947303622961044, -0.009922778233885765, 0.013468141667544842, 0.021554676815867424, 0.0048660458996891975, 0.0006475407280959189, 0.006539852358400822, 0.007171944249421358, -0.010191152803599834, -0.011681335046887398, 0.023970043286681175, 0.009068218991160393, 0.0061019789427518845, 0.004053860902786255, -0.0024136011488735676, -0.01314326748251915, 0.035481877624988556, -0.01710531674325466, 0.011342336423695087, 0.007789910770952702, 0.022359797731041908, 0.03347613662481308, 0.025410788133740425, 0.0009578482713550329, 0.01637081801891327, -0.018602561205625534, -0.014188514091074467, -0.004611796699464321, 0.002648428315296769, 0.013906015083193779, -0.0025831004604697227, 0.023899417370557785, -0.02991664782166481, -0.021526426076889038, -0.013877765275537968, 0.0026554910000413656, -0.016836943104863167, 0.011257586069405079, -0.005180325824767351, -0.008538533002138138, -0.03644237667322159, -0.005441637709736824, -0.011208148673176765, -0.002219382906332612, -0.034267131239175797, -0.028645401820540428, 0.015537446364760399, -0.01786806434392929, 0.0008836922934278846, -0.0010902696521952748, -0.030114397406578064, -0.018531937152147293, -0.02377229370176792, 0.015043073333799839, 0.027755530551075935, 0.01764206402003765, 0.0009260671213269234, 0.003289347980171442, 0.0018627280369400978, -0.02310842089354992, -0.006380946841090918, 0.000994926318526268, -0.013715327717363834, 0.03186589106917381, 0.027091657742857933, 0.0022458673920482397, 0.028122778981924057, -0.001743548666127026, 0.00011686190555337816, 0.018009312450885773, 0.006582227535545826, 0.0010072855511680245, -0.01204152125865221, -0.002404772909358144, -0.011038649827241898, 0.004678890109062195, 0.04113185778260231, -0.012437019497156143, 0.02529778890311718, 0.0037607683334499598, 0.02250104770064354, 0.013411641120910645, 0.007754598278552294, -0.013588203117251396, 0.0031586922705173492, -0.05582180991768837, 0.0006223806994967163, -0.013115017674863338, -0.009308342821896076, 0.00579476123675704, -0.040566861629486084, -0.0278826542198658, 0.010897399857640266, -0.0007168413139879704, 0.016257818788290024, -0.01090446300804615, 0.03415413200855255, -0.004844858311116695, -0.004781296011060476, 0.024902289733290672, 0.019209934398531914, -0.033278387039899826, 0.013616452924907207, -0.030086146667599678, -0.003337019821628928, 0.016709817573428154, -6.477614806499332e-05, 0.023984167724847794, -0.00017733435379341245, 0.004378735087811947, 0.001252706628292799, 0.01590469479560852, -0.0007371458923444152, -0.009449592791497707, -0.012034459039568901, 0.0017135331872850657, -0.0065857586450874805, -0.02937989868223667, -0.017613815143704414, 0.017670314759016037, -0.016497943550348282, -0.0017161816358566284, -0.012331082485616207, 0.006041948217898607, -0.026385409757494926, -0.006518665235489607, 0.020806053653359413, 0.018828559666872025, 0.039493363350629807, -0.020622428506612778, 0.02089080400764942, 0.03974761441349983, -0.010968024842441082, -0.025100039318203926, 0.023744042962789536, -0.00048466239240951836, 0.003771362127736211, 0.019563058391213417, 0.031187893822789192, -0.04353310167789459, -0.03282638639211655, 0.005289794411510229, -0.009428405202925205, 0.004467016085982323, -0.03531238064169884, 0.014442763291299343, 0.030086146667599678, 0.0017735642613843083, -0.023970043286681175, -0.01060783863067627, -0.021992549300193787, 0.035199377685785294, 0.004629452712833881, 0.01892743445932865, 0.0033228949178010225, -0.012437019497156143, 0.0013886593515053391, 0.0230942964553833, -0.00579476123675704, 0.052318818867206573, 0.001512252609245479, -0.01556569617241621, 0.012507644481956959, -0.003255801275372505, -0.011999146081507206, 0.008439658209681511, -0.025778036564588547, 0.042374853044748306, -0.007401474751532078, -0.002282945206388831, 0.01817881315946579, 0.0030986613128334284, 0.006109041627496481, -0.0012429957278072834, 0.017444314435124397, 0.03508637845516205, -0.02673853375017643, -0.020947303622961044, -0.006462165154516697, -0.005265075713396072, 0.017755063250660896, 0.002381819998845458, -0.0034305977169424295, -0.005865386221557856, -0.00935071799904108, -0.01750081405043602, 0.011773146688938141, 0.0016782208112999797, 0.0243796668946743, 0.017966939136385918, -0.007796973455697298, -0.012168645858764648, -0.028447652235627174, -0.00634563434869051, 6.930054223630577e-05, -0.04279860481619835, -0.014075513929128647, 0.0025707411114126444, -0.007514473982155323, 0.003236379474401474, 0.00611610384657979, -0.028447652235627174, 0.027458906173706055, 0.026413658633828163, -0.01689344272017479, 0.018503686413168907, 0.029747147113084793, 0.012776019051671028, -0.05144307389855385, -0.013150329701602459, -0.008121847175061703, -0.018221188336610794, 0.03697912395000458, -0.02089080400764942, -0.024662164971232414, 0.005607605911791325, -0.012655956670641899, 0.02128630131483078, 0.01764206402003765, -0.0077263484708964825, -0.004022079985588789, -0.003743112087249756, -0.0014071982586756349, -0.007147225551307201, -0.009972215630114079, 0.04039736092090607, -0.014230888336896896, 0.01375064067542553, 0.017769189551472664, -0.014675824902951717, 0.029210399836301804, -0.02029755525290966, 0.0035895032342523336, 0.001627017860300839, -0.037374623119831085, -0.013277454301714897, -0.000845290080178529, 0.009859216399490833, -0.0030262707732617855, -0.013058518059551716, -0.00859503261744976, 0.009951028041541576, -0.019252309575676918, 0.023306170478463173, -0.0050708577036857605, -0.015918821096420288, 0.009929841384291649, 0.00791703537106514, -0.016187194734811783, -0.002307663904502988, -0.02326379530131817, -0.007507411763072014, 0.018602561205625534, 0.00602429173886776, -0.034041132777929306, -0.011660147458314896, 0.025283662602305412, 0.044041600078344345, 0.02310842089354992, -0.02779790386557579, -0.02310842089354992, -0.016455568373203278, -0.04641459137201309, -0.019506558775901794, -0.0022705858573317528, -0.0005310099222697318, -0.0061125727370381355, 0.0065327901393175125, -0.013800078071653843, 0.021088551729917526, -0.012818393297493458, -0.007465037051588297, -0.0026713814586400986, -0.017938688397407532, -0.010381839238107204, 0.016187194734811783, 0.003824330633506179, 0.010035778395831585, -0.04152735695242882, 0.0015502134338021278, -0.0024330229498445988, 0.009082343429327011, -0.018461311236023903, 0.0065751648508012295, -0.02326379530131817, 0.0011255820281803608, -0.008729220367968082, 0.0027861467096954584, -0.00736616225913167, -0.000898258644156158, -0.008439658209681511, -0.024972913786768913, -0.011427085846662521, 0.0067799766547977924, 0.0013392219552770257, -0.016384944319725037, 0.00072434515459463, -0.008467908017337322, -0.0015510962111875415, -0.005558168515563011, -0.01786806434392929, -0.01826356165111065, 0.024436166509985924, -0.01188614685088396, 0.02288242056965828, 0.005374543834477663, 0.009329530410468578, 0.054352812469005585, -0.019873807206749916, 0.014718199148774147, 0.0004460394848138094, -0.010240590199828148, -0.03152689337730408, 0.0010055199963971972, 0.008008847944438457, -0.009294218383729458, -0.0009481373708695173, -0.0043928599916398525, 0.002817927859723568, -0.004516453482210636, -0.011900271289050579, 0.0117025226354599, -0.014096701517701149, -0.015848195180296898, 0.003128676675260067, 0.003042161464691162, -0.0301426462829113, -0.014414513483643532, -0.013828327879309654, -0.004149204585701227, 0.005205044522881508, 0.016709817573428154, 0.001725892536342144, -0.01604594476521015, 0.012486456893384457, 0.0065221963450312614, -0.0034200039226561785, -0.0017417831113561988, 0.00611610384657979, 0.0090540936216712, -0.0013930733548477292, 0.024944664910435677, 0.1895003467798233, -0.000706688966602087, 0.028984401375055313, 0.008764532394707203, 0.004170391708612442, -0.006232634652405977, 0.04932432994246483, -0.001311854925006628, 0.012627706862986088, -0.0026431316509842873, -0.00651160255074501, 0.024351416155695915, -0.01473232451826334, -0.002265289193019271, 0.02666790783405304, -0.02635715901851654, -0.05983329564332962, -0.039126116782426834, -0.03607512637972832, 0.0014963620342314243, -0.01567869633436203, 0.000728759216144681, -0.006465696729719639, -0.03163989260792732, 0.020721303299069405, -0.035877376794815063, -0.02613116055727005, -0.011525960639119148, 0.015918821096420288, 0.004036204889416695, -0.021554676815867424, -0.008693907409906387, 0.024266665801405907, 0.001926290220580995, -0.013016142882406712, -0.011540085077285767, 0.03276988863945007, 0.008058284409344196, 0.011617772281169891, 0.014520450495183468, -0.022543422877788544, -0.033758632838726044, -0.0066811018623411655, -0.00383492442779243, 0.011815521866083145, 0.0012421129504218698, -0.012302832677960396, 0.01840481162071228, 0.0035277067217975855, -0.006656383629888296, -0.02590516023337841, -0.00619025994092226, 0.03771362081170082, 0.03099014423787594, -0.020099805667996407, -0.0017532595666125417, -0.009463717229664326, 0.024351416155695915, -0.005614668130874634, -0.006727008149027824, -0.01833418756723404, 0.009336592629551888, 0.016851067543029785, 0.007401474751532078, -7.965975896695454e-07, 0.016399068757891655, -0.019803181290626526, 0.0058865733444690704, 0.003458847524598241, -0.004258672706782818, 0.012154520489275455, -0.004837796092033386, -0.009795653633773327, 0.006811758037656546, -0.04599084332585335, -0.024958789348602295, 0.031837642192840576, 0.010685525834560394, -0.010968024842441082, 0.036922622472047806, -0.010551339015364647, 0.023009546101093292, -0.008700970560312271, 0.013842452317476273, -0.019647806882858276, -0.05819480121135712, -0.011942646466195583, 0.002042821142822504, -0.012825456447899342, -0.028800776228308678, -0.02363104373216629, 0.026413658633828163, -0.0184189360588789, -0.0027596624568104744, 0.020735429599881172, 0.0037148622795939445, 0.011370586231350899, 0.0019245246658101678, -0.009527279995381832, 0.020354054868221283, -0.010579588823020458, 0.03712037205696106, 0.017303066328167915, -0.011617772281169891, -0.017839813604950905, -0.00736616225913167, 0.0015996507136151195, 0.006928288843482733, 0.009619091637432575, 0.008482033386826515, 0.004738921299576759, -0.02901265025138855, -0.0071013192646205425, -0.020481180399656296, 0.010544275864958763, 0.023814668878912926, 0.0014866511337459087, -0.019803181290626526, -0.010932712815701962, -0.012585331685841084, 0.015254947356879711, -0.018065813928842545, 0.00624676002189517, 0.0237157940864563, -0.008446721360087395, 0.0193935576826334, -0.01696406677365303, -0.0033387853763997555, -0.013411641120910645, -0.03740287199616432, 0.01772681437432766, -0.01549507211893797, 0.019224058836698532, 0.004548234399408102, 0.011377648450434208, -0.005145013798028231, -0.016384944319725037, 0.0005464590503834188, -0.01673806831240654, -0.0070059760473668575, 0.007034225855022669, -0.0129878930747509, -0.003494159784168005, 0.022232674062252045, -0.008347846567630768, -0.01329157967120409, 0.005431043915450573, 0.0177974384278059, 0.0010893868748098612, -0.025340162217617035, 0.0015846430324018002, -0.018433062359690666, 0.004198641981929541, -0.007193131372332573, 0.028066279366612434, 0.0014080811524763703, -0.011759022250771523, -0.0471208393573761, 0.0049613891169428825, 0.00320989522151649, -0.03163989260792732, -0.00289738061837852, 0.03799612075090408, -0.008376096375286579, -0.005247419700026512, -0.004304578993469477, -0.1824943721294403, 0.019718432798981667, 0.023588668555021286, -0.026004035025835037, 0.002173476852476597, 0.030029647052288055, 0.01786806434392929, -0.005469887517392635, 0.00904703140258789, -0.004537640605121851, 0.008969344198703766, -0.004011486191302538, 0.007500349078327417, -0.003351144725456834, 0.002586631802842021, 0.013369266875088215, 0.018659060820937157, -0.0010470120469108224, 0.017133565619587898, 0.009767403826117516, -0.00484838942065835, -0.026300659403204918, 0.013581140898168087, 0.013644702732563019, -0.021145053207874298, 0.021003803238272667, -0.02461978979408741, 0.010325339622795582, -0.02121567726135254, -0.00394086167216301, 0.010177027434110641, -0.004869577009230852, 0.011314086616039276, -0.007987660355865955, -0.00012414508091751486, 0.012889018282294273, -0.01680869236588478, 0.007260225247591734, 0.004113892093300819, 0.05127357318997383, 0.018673185259103775, 0.023984167724847794, 0.01832006126642227, 0.0019404152408242226, -0.01848956197500229, -0.00010373011173214763, 0.015622196719050407, -0.011208148673176765, -0.005960729438811541, -0.019563058391213417, -0.017458440735936165, -0.015608071349561214, 0.04830733314156532, 0.00761334877461195, 0.008022972382605076, 0.011836709454655647, 0.023503920063376427, 0.013129142113029957, 0.011462397873401642, -0.013362203724682331, -0.021173302084207535, -0.015367947518825531, 0.014972448348999023, -0.011017462238669395, -0.0002756572503130883, -0.027755530551075935, -0.030396895483136177, -0.00761334877461195, -0.027840279042720795, 0.005837136413902044, -0.016469692811369896, -0.012790143489837646, 0.01743018999695778, 0.0009009070927277207, 0.00950609240680933, 0.0033740978688001633, 0.0035630189813673496, 0.002042821142822504, -0.001917462213896215, 0.009117656387388706, -0.011688397265970707, 0.04621684178709984, 0.013531703501939774, -0.0028673652559518814, 0.016469692811369896, -0.019068684428930283, -0.021724175661802292, -0.01726069115102291, 0.005688824225217104, -0.0010849728714674711, 0.00885634496808052, -0.008376096375286579, -0.0012103318003937602, -0.023277919739484787, 0.016187194734811783, -0.010968024842441082, -0.00656810263171792, -0.007493286859244108, 0.005847729742527008, -0.008467908017337322, -0.00711897574365139, -0.0021646488457918167, -0.030848894268274307, -0.014930074103176594, 0.06486177444458008, 0.008390220813453197, -0.007535661570727825, -0.009887466207146645, 0.029492897912859917, -0.017698563635349274, -0.0123452078551054, 0.014160264283418655, 0.014534574933350086, -0.005063795018941164, -0.009371905587613583, 0.030792394652962685, 0.0060066357254981995, -0.03339138627052307, 0.020707178860902786, -0.011349398642778397, 0.043674349784851074, 0.009131780825555325, -0.014619325287640095, -0.009986340999603271, -0.00010516467591514811, 0.0008165987674146891, -0.07587923854589462, 0.017175940796732903, 0.016554443165659904, 0.0224304236471653, -0.043363600969314575, 0.011879084631800652, -0.012712456285953522, 0.006123166531324387, -0.01566457189619541, 0.031244393438100815, 0.0018839153926819563, 0.0016508536646142602, -0.004145673476159573, 0.005741792730987072, 0.017514940351247787, -0.003827861975878477, 0.018207062035799026, -0.03195064142346382, -0.01235227007418871, 0.018348312005400658, 0.003764299675822258, -0.007578036282211542, -0.006038416642695665, -0.002203492447733879, 0.0072531625628471375, 0.01026884000748396, -0.042374853044748306, 0.02536841295659542, 0.018659060820937157, 0.0069636013358831406, 0.008114784955978394, -0.035255879163742065, 0.013588203117251396, -0.029125649482011795, -0.0019739619456231594, -5.241681355983019e-05, -0.029408149421215057, 0.011631897650659084, 0.023729918524622917, -0.02135692723095417, 0.009428405202925205, 0.0008165987674146891, 0.02332029491662979, -0.0096967788413167, -0.01758556440472603, -0.011151649057865143, -0.029973147436976433, 0.026074660941958427, -0.011462397873401642, -0.027289405465126038, -0.004940201994031668, -0.01576344668865204, -0.0007292006048373878, -0.002150523941963911, 0.021950174123048782, -0.009456655010581017, -0.003944392781704664, 0.006917695049196482, -0.024478541687130928, 0.009936903603374958, -0.0250011645257473, -0.0103394640609622, -0.020947303622961044, 0.02392766810953617, 0.021794799715280533, 0.004851920995861292, -0.0275719054043293, -0.0324026383459568, 0.008580908179283142, 0.0033564416225999594, -0.01375064067542553, 0.02000093087553978, -0.02031167969107628, 0.010544275864958763, -0.0355948768556118, -0.007352037355303764, -0.03356088325381279, -0.02703515812754631, 0.006589289754629135, -0.0040503297932446, -0.005526387132704258, -0.024280792102217674, -0.019054559990763664, -0.004399922210723162, 0.014294451102614403, -0.015311447903513908, -0.010275902226567268, 0.014605199918150902, 0.022402172908186913, -0.03664012253284454, 0.02923865057528019, 0.017938688397407532, 0.005981917027384043, -0.01848956197500229, -0.0010629026219248772, 0.03251563757658005, -0.012811331078410149, -0.00871509499847889, 0.011483585461974144, -0.004318703897297382, -0.04443709924817085, -2.4125527488649823e-05, -0.08797019720077515, 0.022162048146128654, 0.0014248545048758388, -0.004671827889978886, -0.0028920837212353945, -0.004731858614832163, 0.0069953822530806065, -0.00029110643663443625, -0.008905782364308834, -0.008806907571852207, -0.029069149866700172, 0.012917268089950085, -0.00935071799904108, -0.009025843814015388, 0.010134652256965637, -0.010064028203487396, 0.013729453086853027, 0.0012006208999082446, 0.0123452078551054, 0.023814668878912926, 0.00795234739780426, 0.01250058226287365, 0.01283251866698265, 0.030961893498897552, -0.013990764506161213, -0.01185789704322815, -0.0044352347031235695, 0.004396391101181507, -0.008241909556090832, 0.020354054868221283, 0.020862553268671036, -0.05757330358028412, -0.0019651339389383793, 0.012203957885503769, -0.003379394765943289, -0.017995188012719154, 0.006787039339542389, 0.0017806267132982612, 0.012168645858764648, 0.04319410026073456, -0.05181032046675682, -0.02007155679166317, -0.009774466045200825, -0.010403026826679707, -0.005010826513171196, 0.011427085846662521, 0.03195064142346382, 0.006211447529494762, 0.012663018889725208, -0.014308575540781021, 0.047911833971738815, 0.013962514698505402, -0.016497943550348282, -0.05528505891561508, -0.0006400368874892592, 0.008326658979058266, 0.0072531625628471375, -0.014972448348999023, 0.004071517381817102, -0.02665378339588642, 0.03819387033581734, 0.007080132141709328, 0.042996350675821304, 0.014901824295520782, 0.009626154787838459, -0.005519324913620949, 0.0033758634235709906, 0.002604288049042225, -0.013475203886628151, -0.02793915383517742, -0.007094257045537233, 0.0004727444611489773, 0.0013754171086475253, 0.019294682890176773, 0.020693054422736168, 0.004301047883927822, -0.02197842486202717, 0.01604594476521015, -0.024365540593862534, -0.0010893868748098612, 0.0445500984787941, -0.0070483507588505745, -0.011504773050546646, 0.016568567603826523, 0.01960543356835842, 0.004809545818716288, -0.012133332900702953, 0.0275719054043293, 0.017853938043117523, 0.005653511732816696, -0.00901171937584877, 0.010508963838219643, -0.005303919315338135, -0.004071517381817102, -0.012896080501377583, 0.025580286979675293, -0.02960589900612831, 0.02029755525290966, 0.035199377685785294, 0.031781140714883804, -0.008439658209681511, 0.0023871168959885836, -0.006716414354741573, -0.0221196748316288, -0.04203585535287857, 0.008354908786714077, -0.02425254136323929, 0.007987660355865955, -0.004431703593581915, -0.007924097590148449, 0.009894528426229954, 0.005250950809568167, -0.013065580278635025, 0.01075615081936121, -0.03257213905453682, -0.01628606952726841, 0.011928522028028965, -0.015593946911394596, -0.03553837910294533, 0.03296763822436333, -0.005978385917842388, 0.009004656225442886, 0.02529778890311718, 0.005067326128482819, 0.02015630528330803, 0.018574310466647148, 0.03423888236284256, -0.015466822311282158, 0.023207295686006546, -0.03378688544034958, 0.0008779540075920522, -0.005049670115113258, -0.007768723182380199, 0.007811098359525204, -0.02127217687666416, -0.0039020178373903036, 0.0056923553347587585, -0.013701203279197216, -0.0006669625290669501, 0.08921319246292114, 0.0324026383459568, -0.009569654241204262, -0.0010249417973682284, -0.037063874304294586, 0.0010275902459397912, 0.04409809783101082, -0.008199534378945827, -0.01923818327486515, -0.035029880702495575, -0.01637081801891327, -0.002549553755670786, 0.0077263484708964825, -0.027826154604554176, -0.0034800348803400993, -0.005618199240416288, -0.015156072564423084, 0.023080170154571533, 0.006045479327440262, -0.00012392438657116145, 0.010855025611817837, 0.01665331795811653, 0.020495304837822914, 0.006027822848409414, -0.01652619242668152, -0.008432595990598202, 0.018955685198307037, -0.010593713261187077, 0.030425146222114563, -0.03257213905453682, -0.0052756695076823235, 0.012147458270192146, -0.025396663695573807, -0.01901218481361866, -0.0020993209909647703, -0.008658595383167267, -0.011073961853981018, -0.0007084545795805752, 0.03771362081170082, -0.0003376746317371726, 0.009039969183504581, 0.020170431584119797, 0.008001784794032574, -0.004700077697634697, -0.004071517381817102, -0.013574078679084778, -0.0221196748316288, -0.011144586838781834, -0.020622428506612778], metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f5200883-2089-4dda-a775-3fce21c08c8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9155c451a9f664cbd27fcf49ad70bf51e356de7e889d0adfeecd6f65d39a7df9'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='9bb1f7ca-b5fc-402b-bc58-d377bb8d1942', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='4e8ce1f0e8f3b2a4c6acf1abd7b45bf5d852d17d2b4ba6fbf7d2ce6f8f95252d'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='8e9c17e5-a6b7-40d8-8431-0be6281bbb89', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='33317301f418b42027e211dbe41766774e30bba5e7889aa840f6e2f4cb9dae2c')}, hash='6481fc58dbee215f000aaf1f9248fda28e2235a2a3cd34d9c1b6260426f24c57', text='11, no. 1, pp. 28-46, 2002. [5] E. S. Tellez, G. Ruiz, and E. Chavez, \"Singleton indexes for nearest neighbor search,\" Information Systems, 2016. [6] M. Muja and D. G. Lowe, \"Scalable nearest neighbor algorithms for high dimensional data,\" Pattern Analysis and Machine Intell igence, IEEE Transactions on, vol. ', start_char_idx=5116, end_char_idx=5427, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
457
       " TextNode(id_='8e9c17e5-a6b7-40d8-8431-0be6281bbb89', embedding=[-0.01084965281188488, 0.022444164380431175, -0.0002564846654422581, -0.00642968388274312, 0.012248021550476551, 0.017426902428269386, -0.004943478386849165, -0.0029829517006874084, -0.03465704992413521, -0.048064522445201874, 0.011840456165373325, 0.009043719619512558, 0.002410253044217825, 0.012465856969356537, -0.010645870119333267, 0.014995569363236427, 0.017581496387720108, -0.009570742957293987, 0.01492529921233654, -0.0009012098307721317, -0.032745711505413055, -0.0012762746773660183, -0.02136201038956642, -0.036484066396951675, 0.004729155451059341, 0.028894929215312004, 0.03403867781162262, -0.022430110722780228, 0.0024998472072184086, -0.0134917963296175, 0.016344748437404633, -0.01922580972313881, -0.00938804168254137, 0.01007668487727642, 0.00656671030446887, 0.0007426636293530464, 0.014700436033308506, -0.02462252788245678, 0.035612720996141434, -0.008664262481033802, -0.00033487938344478607, -0.002187146572396159, -0.003457272658124566, -0.007265894208103418, -0.006081848870962858, -0.008460480719804764, 0.02235984057188034, -0.020898230373859406, -0.01096208393573761, 0.03491002321243286, 0.02109498530626297, 0.027138184756040573, -0.017103662714362144, -0.0016495828749611974, -0.0057059056125581264, -0.0008682708721607924, 0.00828480627387762, 0.025536034256219864, -0.0018252573208883405, -0.02792520634829998, 0.006376981735229492, -0.012191805057227612, -0.029344655573368073, 0.01380098331719637, -0.01849500462412834, -0.04292077571153641, -0.019253917038440704, 0.0041810511611402035, 0.007687512785196304, -0.011622619815170765, 0.0093599334359169, 0.03100302256643772, -0.019310133531689644, 0.00011352959700161591, 0.03845161944627762, -0.01590907573699951, -0.006232928484678268, 0.008853991515934467, -0.020069045946002007, 0.008081023581326008, -0.008045888505876064, -0.029316548258066177, 0.004574561957269907, 0.0056953649036586285, 0.0008098591351881623, 0.020195532590150833, 0.020884176716208458, 0.021066877990961075, -0.03077816031873226, 0.003327273763716221, 0.03696189820766449, 0.027081970125436783, 0.026955483481287956, -0.019872291013598442, -0.007357244845479727, 0.010217225179076195, -0.015108000487089157, 0.007420487701892853, 0.019478781148791313, -0.01938040368258953, -0.016457179561257362, 0.010589654557406902, -0.003833215916529298, -0.005498609505593777, -0.004925910849124193, 0.008130212314426899, -0.01492529921233654, 0.0059975250624120235, -0.008973449468612671, 0.02715224027633667, -0.019619319587945938, -0.003322003409266472, -0.0009451284422539175, -0.01420854777097702, -0.007785890717059374, -0.02219119295477867, 0.01966148242354393, -0.01751122623682022, -0.007856160402297974, -0.021179309114813805, 0.022430110722780228, 0.021896060556173325, 0.017932845279574394, -0.02252848818898201, 0.007870214059948921, 0.02358253486454487, -0.006015092600136995, -0.028894929215312004, -0.0036610551178455353, -0.029710059985518456, 0.03325165435671806, 0.027180347591638565, 0.013857198879122734, 0.009837768040597439, -0.026730621233582497, 0.036933790892362595, 0.008875072002410889, -0.0247771218419075, -0.03586569055914879, -0.035893797874450684, 0.004195105284452438, 0.03943539410829544, -0.013695578090846539, -0.02154471166431904, -0.006770492531359196, 0.025915492326021194, 0.008488588035106659, 0.02054688148200512, 0.007863187231123447, -0.018551219254732132, 0.013091258704662323, 0.00265795411542058, 0.0010136414784938097, 0.03218355402350426, 0.01437719538807869, 0.009626958519220352, -0.008439399302005768, 0.02356848120689392, -0.012058292515575886, -0.04154348745942116, -0.02264092117547989, 0.016232317313551903, 0.012711801566183567, -0.0037875405978411436, 0.015136108733713627, 0.013217743486166, 0.013793956488370895, 0.006313738878816366, -0.011657754890620708, -0.02126363292336464, -0.006324279587715864, 0.021347956731915474, -0.03448840230703354, -0.003574974602088332, 0.013224771246314049, -0.011285325512290001, 0.04702452942728996, 0.011229109019041061, -0.03735541179776192, -0.009957226924598217, -0.003569704480469227, -0.0031867341604083776, 0.0059869843535125256, 0.013231798075139523, 0.001823500613681972, 2.1808333258377388e-05, 0.026449542492628098, -0.004961045924574137, 0.013266933150589466, -0.030918698757886887, 0.012782071717083454, 0.01728636398911476, 0.0064191436395049095, 0.010301548056304455, -0.6210723519325256, -0.019197700545191765, 0.008165347389876842, -0.023104701191186905, 0.005941309034824371, 0.012803152203559875, 0.017061499878764153, 0.029288440942764282, 0.008720478974282742, 0.021446334198117256, -0.03271760419011116, 0.006492926739156246, 0.0006245225667953491, -0.007891295477747917, -0.014897191897034645, -0.018804190680384636, 0.00801778119057417, -0.021502550691366196, 0.012114509008824825, 0.006970761343836784, -0.020350126549601555, 0.026505757123231888, -0.008530749939382076, -0.011432891711592674, -0.0008612438687123358, 0.007343191187828779, 0.03645595908164978, -0.03817053884267807, 0.0052105034701526165, 0.016836637631058693, -0.023526320233941078, 0.02538144215941429, 0.010146955028176308, 0.026280894875526428, 0.04994775354862213, -0.019464727491140366, -0.011868564411997795, 0.008804802782833576, 0.02985059842467308, 0.021839844062924385, -0.036708928644657135, -0.024552257731556892, 0.002917952137067914, 0.005614554509520531, -0.016063669696450233, 0.017862575128674507, 0.014011791907250881, 0.005322935059666634, -0.019127432256937027, -0.038535941392183304, -0.00806696992367506, 0.0016197182703763247, -0.020012831315398216, 0.00806696992367506, 0.0007764809997752309, -0.01434908714145422, 0.028951145708560944, -0.013182609342038631, 0.0017040419625118375, 0.006605358328670263, 0.012423695996403694, -0.006008065305650234, -0.011299379169940948, -0.016274478286504745, -0.008853991515934467, 0.02517063170671463, -0.016920961439609528, 0.018846353515982628, -0.014686382375657558, -0.01850905828177929, 0.022879837080836296, 0.013266933150589466, 0.0026017383206635714, -0.000543273170478642, 0.020237693563103676, 0.023385779932141304, 0.016119886189699173, 0.015276648104190826, -0.026309002190828323, -0.0025156578049063683, 0.010814517736434937, 0.01084965281188488, -0.007434541825205088, -0.0032043014653027058, 0.025269009172916412, 0.005178882274776697, -0.04159970581531525, 0.0067248172126710415, -0.012817205861210823, -0.006485899910330772, 0.00917020533233881, -0.0008656357531435788, -0.029428979381918907, -0.04235861822962761, -0.006584277376532555, 0.010189116932451725, 0.004922397434711456, 0.006499954033643007, 0.018874460831284523, -0.036933790892362595, -0.014981514774262905, -0.016274478286504745, 0.013540985062718391, -0.024819282814860344, -0.014145305380225182, 0.01096208393573761, 0.0033747057896107435, 0.004110781475901604, 0.01867770589888096, -0.009985334239900112, 0.016499342396855354, -0.007343191187828779, -0.014503681100904942, 0.013906387612223625, -0.0031832207459956408, -0.03030032478272915, 0.043651580810546875, 0.01509394682943821, -0.029063576832413673, -0.003156869439408183, 0.0286419577896595, 0.005614554509520531, 0.01032262947410345, -0.009662093594670296, 0.014391249045729637, 0.004567535128444433, 0.010399926453828812, -0.02264092117547989, -0.02897925302386284, -0.004152943380177021, 0.03176193684339523, -0.007835079915821552, 0.016443125903606415, -0.014004765078425407, 0.02429928630590439, -0.010856679640710354, 0.0003089673991780728, -0.007947511039674282, 0.004774830769747496, -0.008980476297438145, -0.03089059144258499, 0.0049680727533996105, 0.006615899037569761, -0.042330510914325714, -0.007933457382023335, -0.004163484089076519, -0.0231328085064888, 0.017159877344965935, -0.010315602645277977, -0.014995569363236427, -0.021010661497712135, -0.0019007973605766892, -0.03451651334762573, 0.016513396054506302, -0.007153462618589401, -0.005814823787659407, -0.0023557941894978285, -0.008903180249035358, -0.016232317313551903, -0.027348995208740234, -0.006573737133294344, 0.04064403474330902, -0.023146862164139748, -0.017539335414767265, -0.0008586087496951222, -0.011362621560692787, 0.0031902475748211145, 0.015459349378943443, 0.01966148242354393, -0.02886682190001011, 0.005372123792767525, -0.02124957926571369, -0.020476611331105232, 0.013892333954572678, -0.01590907573699951, -0.006514007691293955, -0.0020220126025378704, -0.007301029283553362, 8.361004438484088e-05, -0.012599369511008263, 0.006222388241440058, 0.010842625983059406, 0.00011083958088420331, -0.015009623020887375, 0.027405209839344025, -0.006935626268386841, 0.0077788638882339, 0.003766459645703435, -0.006454278249293566, 0.0044972654432058334, 0.0031955179292708635, 0.023329563438892365, -0.009015611372888088, 0.014672327786684036, -0.0052210441790521145, 0.02186795324087143, -0.0069567072205245495, -0.00012890111247543246, -0.011285325512290001, 0.024805229157209396, 0.0048415870405733585, 0.0026386298704892397, -0.0057480670511722565, -0.021516604349017143, 0.009352906607091427, -0.03668082132935524, 0.00801778119057417, -0.007666431833058596, 0.0015617456519976258, 0.003664568532258272, 0.022654974833130836, -0.014271790161728859, -0.020940391346812248, -0.02087012119591236, 0.006693195551633835, 0.019816076382994652, -0.014995569363236427, 0.008228589780628681, -0.022626865655183792, 0.013498823158442974, 0.008650208823382854, -0.005481041967868805, 0.027250617742538452, 0.0036083527375012636, -0.007539946585893631, -0.005308881402015686, 0.02186795324087143, 0.028290610760450363, 0.0058218506164848804, -0.007294002454727888, -0.001701406785286963, -0.014869083650410175, 0.02296416088938713, 0.009676147252321243, 0.0286419577896595, -0.005741040222346783, 0.03794567659497261, -0.008263724856078625, 0.0037453786935657263, 0.0009363446733914316, 0.008165347389876842, 0.014897191897034645, 0.017469065263867378, -0.03024411015212536, 0.00457104854285717, -0.005670770537108183, 0.022879837080836296, 0.01796095259487629, 0.006384008564054966, 0.016513396054506302, -0.012058292515575886, 0.032295987010002136, 0.005052396561950445, 0.0100556043908, 0.023048484697937965, -0.011945861391723156, 0.012571262195706367, 0.014911245554685593, 0.02269713580608368, 0.02798142284154892, 0.00538617791607976, -0.009156150743365288, 0.02709602378308773, -0.014588004909455776, 0.013126392848789692, -0.05641257390379906, 0.0026860618963837624, 0.020743636414408684, 0.014644220471382141, -0.011468026787042618, 0.0037875405978411436, -0.0011559377890080214, 0.00040492956759408116, -0.022177139297127724, 0.008298859931528568, 0.0058745527639985085, 0.01728636398911476, -0.02307659201323986, 0.02252848818898201, 0.017440957948565483, -0.042274292558431625, -0.009268582798540592, 0.014117197133600712, 0.02071552909910679, -0.001337760710157454, -0.0053896913304924965, -0.004022944252938032, 0.02235984057188034, -0.03758027404546738, -0.008509669452905655, 0.004985640291124582, -0.0028582229278981686, 0.012578289024531841, -0.020687419921159744, -0.006615899037569761, -0.00464131822809577, 0.022177139297127724, 0.006492926739156246, -0.000754082459025085, 0.007919402793049812, 0.01630258746445179, -0.005660230293869972, -0.018705813214182854, -0.004918884020298719, 0.0495823509991169, -0.014672327786684036, 0.0013193149352446198, -0.02043445035815239, 0.00521753029897809, -0.0002578022249508649, 0.007114814128726721, 0.0041810511611402035, 0.0037559191696345806, 0.020954445004463196, 0.013449634425342083, -2.729472726059612e-06, -0.015234486199915409, 0.014658274129033089, 0.03906999155879021, -0.0002408935542916879, -0.0033624086063355207, -0.027911152690649033, -0.009184258989989758, 0.025915492326021194, 0.03398246318101883, 0.03645595908164978, -0.004620237275958061, 0.004388347268104553, -8.289636753033847e-05, -0.014770706184208393, -0.020307963714003563, -0.0002990857174154371, 0.0053264484740793705, 0.002101066056638956, -0.018930675461888313, -0.029260333627462387, 0.01680852845311165, 0.01123613677918911, 0.038086216896772385, -0.0011014787014573812, -0.004300510045140982, -0.030862484127283096, -0.005719959270209074, 0.012845314107835293, -0.022458218038082123, -0.009999388828873634, 0.006918059196323156, 0.013674497604370117, 0.0022117409389466047, -0.01728636398911476, 0.03336408734321594, 0.014686382375657558, 0.010540465824306011, -0.03018789365887642, -0.010168035514652729, 0.01478475984185934, 0.018270140513777733, 0.02075769007205963, -0.008509669452905655, 0.01954904943704605, 0.02126363292336464, 0.02126363292336464, 0.011966941878199577, -0.012219913303852081, 0.02213497832417488, 0.0013632335467264056, 0.005530231166630983, 0.014342060312628746, -0.004388347268104553, -0.0014238412259146571, 0.013182609342038631, 0.02169930562376976, -0.02538144215941429, -0.016920961439609528, 0.004029971547424793, -0.021024715155363083, -0.010477222502231598, -0.018874460831284523, -0.0034678131341934204, -0.005969417281448841, -0.008502642624080181, -0.00256836018525064, -0.00842534564435482, -0.030216000974178314, 0.0007110422593541443, -0.006819681264460087, 0.0130772041156888, 0.0017857305938377976, -0.005143747199326754, -0.01751122623682022, -0.03611866384744644, -0.01032262947410345, -0.01074424758553505, 0.0046096970327198505, 0.021137146279215813, -0.009036692790687084, -0.029513303190469742, -0.018593382090330124, 0.0046729398891329765, 0.024271178990602493, 0.004051052499562502, -0.0010022226488217711, -0.02741926535964012, 0.01602150872349739, -0.02990681491792202, -0.01564205065369606, 0.0015195837477222085, -0.012479911558330059, 0.017258256673812866, -0.012304237112402916, -0.01828419417142868, -0.009957226924598217, -0.003991323057562113, -0.02649170346558094, 0.0007457379251718521, -0.008558858186006546, 0.005927255377173424, -0.005403745453804731, 0.017539335414767265, -0.0031867341604083776, 0.01630258746445179, 0.027292778715491295, 0.005772661883383989, -0.005776175297796726, 0.008509669452905655, 0.008263724856078625, -0.012515046633780003, -0.010125873610377312, 0.030525188893079758, 0.007764809764921665, 0.0036891628988087177, 0.0038859182968735695, 0.0009890469955280423, -0.013266933150589466, 0.03465704992413521, -0.014967461116611958, 0.009732363745570183, 0.0017699198797345161, 0.029288440942764282, 0.029822491109371185, 0.020125262439250946, 0.008123185485601425, 0.015740428119897842, -0.01492529921233654, -0.01850905828177929, -0.0019060675986111164, 0.002285524271428585, 0.013723686337471008, -0.006749411579221487, 0.02131984941661358, -0.03313922509551048, -0.01663988269865513, -0.018986891955137253, -0.0017585010500624776, -0.0198301300406456, 0.01877608336508274, -0.0012543153716251254, -0.008685343898832798, -0.03327976539731026, -0.009373987093567848, -0.010702085681259632, -0.0061767129227519035, -0.03530353307723999, -0.021277686581015587, 0.009296691045165062, -0.021516604349017143, 0.006594818085432053, 0.0008313792059198022, -0.023863613605499268, -0.018523111939430237, -0.02451009675860405, 0.017202040180563927, 0.028121963143348694, 0.01905716210603714, 0.003137545194476843, 0.005800769664347172, -0.007511838339269161, -0.02020958624780178, -0.008938315324485302, -0.00335889495909214, -0.012381534092128277, 0.03482569754123688, 0.024917660281062126, 0.009437230415642262, 0.02290794625878334, 0.0013808009680360556, 0.000323240936268121, 0.02230362594127655, 0.0095004728063941, 0.0014062738046050072, -0.0015599889447912574, -0.0005235098069533706, -0.008186427876353264, 0.0030233568977564573, 0.04356725886464119, -0.009268582798540592, 0.018958784639835358, 0.014756651595234871, 0.027067916467785835, 0.009472365491092205, 0.008551831357181072, -0.014145305380225182, -0.0029407900292426348, -0.0561877079308033, 0.004019430838525295, -0.010343709960579872, -0.015937184914946556, 0.005052396561950445, -0.04803641512989998, -0.03181815147399902, 0.005024288780987263, 0.002034309785813093, 0.021277686581015587, -0.012156669981777668, 0.02945708855986595, -0.003116464242339134, 0.002087012166157365, 0.028627904132008553, 0.025592250749468803, -0.032408419996500015, 0.019127432256937027, -0.029232224449515343, -0.0035082183312624693, 0.02207876183092594, -0.004602670203894377, 0.027939261868596077, 0.0034361917059868574, 0.00892426073551178, -0.0006280360976234078, 0.019141485914587975, -0.0032534904312342405, -0.01413125079125166, -0.006517521105706692, 0.0012385047739371657, -0.006310225464403629, -0.02622467838227749, -0.01828419417142868, 0.01856527291238308, -0.014644220471382141, -0.004866181872785091, -0.019422564655542374, 0.01506583858281374, -0.02384955994784832, -0.008305886760354042, 0.018747974187135696, 0.016667990013957024, 0.037917569279670715, -0.020125262439250946, 0.01867770589888096, 0.03519110009074211, -0.008917233906686306, -0.0256203580647707, 0.03007546253502369, 0.0007839471218176186, 0.00012011738726869226, 0.023315509781241417, 0.026027923449873924, -0.04708074778318405, -0.03319543972611427, 0.0023329562973231077, -0.011271270923316479, 0.0021889032796025276, -0.03833918645977974, 0.010343709960579872, 0.024763068184256554, 0.00614157784730196, -0.021558765321969986, -0.003935107029974461, -0.031087346374988556, 0.03982890769839287, 0.0010812761029228568, 0.017384741455316544, 0.004578075371682644, -0.014545843005180359, 0.007343191187828779, 0.022387949749827385, -0.0019833643455058336, 0.05045369639992714, 0.0026157922111451626, -0.020560935139656067, 0.010905868373811245, -0.005073477514088154, -0.005856985226273537, 0.006738870870321989, -0.024158747866749763, 0.042218077927827835, -0.008678317070007324, -0.006693195551633835, 0.020336071029305458, 0.006310225464403629, 0.004528886638581753, 0.0006908396608196199, 0.00803886167705059, 0.035219211131334305, -0.0228517297655344, -0.0212074164301157, -0.009015611372888088, -0.003875377820804715, 0.02566252090036869, 0.0036434875801205635, -0.001971067162230611, -0.003731324803084135, -0.013864225707948208, -0.012121535837650299, 0.018045276403427124, -0.0004112977476324886, 0.020279856398701668, 0.022331733256578445, -0.006514007691293955, -0.009725335985422134, -0.03122788667678833, -0.006436711177229881, 0.0005142868612892926, -0.04859857261180878, -0.020884176716208458, 0.0006658060592599213, -0.006127524189651012, 0.008882098831236362, -0.002074714982882142, -0.026786835864186287, 0.024355502799153328, 0.02362469770014286, -0.02037823386490345, 0.017370687797665596, 0.03209923207759857, 0.016162047162652016, -0.05095963925123215, -0.00969722867012024, -0.006173199508339167, -0.02124957926571369, 0.039800796657800674, -0.01845284178853035, -0.02815007045865059, -0.0003528860106598586, -0.00717454357072711, 0.018649596720933914, 0.022626865655183792, -0.005702391732484102, -0.0005327326944097877, -0.005618068389594555, -0.00316038285382092, -0.006531575229018927, -0.013569092378020287, 0.03842351213097572, -0.0118474829941988, 0.01850905828177929, 0.023947937414050102, -0.014995569363236427, 0.02626684121787548, -0.021109038963913918, 0.0012156669981777668, -0.005976444110274315, -0.043595366179943085, -0.012543153949081898, 0.0037734867073595524, 0.008699397556483746, -0.005540771409869194, -0.01401881966739893, -0.011496134102344513, 0.013330175541341305, -0.015656104311347008, 0.021572818979620934, -0.0038859182968735695, -0.01153829600661993, 0.017497172579169273, 0.0033044358715415, -0.014461519196629524, -0.0075048115104436874, -0.01575448177754879, 0.0011348568368703127, 0.021193362772464752, 0.011770186945796013, -0.028627904132008553, -0.010006415657699108, 0.021629035472869873, 0.0457034595310688, 0.021938223391771317, -0.03024411015212536, -0.028332771733403206, -0.008896153420209885, -0.047783445566892624, -0.014869083650410175, -0.004223213065415621, 0.0016021507326513529, -0.007371298968791962, 0.010224252007901669, -0.012149643152952194, 0.022106869146227837, -0.00933885294944048, -0.013906387612223625, 0.005119152832776308, -0.011278298683464527, -0.016119886189699173, 0.018649596720933914, 0.0012358695967122912, 0.011341541074216366, -0.04044727981090546, -0.0014475572388619184, -0.007968592457473278, 0.007575081195682287, -0.020673366263508797, 0.00466942647472024, -0.016949068754911423, 0.002729980507865548, -0.009633985348045826, -0.0011875591007992625, -0.0006996234296821058, 1.4849979379505385e-05, -0.00924750231206417, -0.022064708173274994, -0.006201307289302349, 0.010449115186929703, -0.00828480627387762, -0.01724420115351677, 0.00024243071675300598, -0.001675055711530149, -0.003998349886387587, -0.006686168722808361, -0.018930675461888313, -0.019239863380789757, 0.02273929864168167, -0.016724204644560814, 0.013878279365599155, 0.0019605266861617565, 0.006615899037569761, 0.050256941467523575, -0.01602150872349739, 0.009704255498945713, -0.002160795498639345, -0.007891295477747917, -0.03150896355509758, -0.004876722116023302, 0.0049153706058859825, -0.009345879778265953, 0.006464818958193064, -0.0026070084422826767, 2.655703247000929e-05, -0.0017883656546473503, -0.011903699487447739, 0.004686993546783924, -0.017117716372013092, -0.016147993505001068, 0.010224252007901669, 0.0011164109455421567, -0.026843052357435226, -0.012894502840936184, -0.010329656302928925, -0.004542940761893988, 0.0038402429781854153, 0.017216093838214874, -0.0026509270537644625, -0.023174971342086792, 0.01305612362921238, 0.008853991515934467, -0.004806452430784702, -0.012135589495301247, 0.011222082190215588, 0.006285631097853184, -0.002974168164655566, 0.019914453849196434, 0.19068405032157898, -0.0013816793216392398, 0.03403867781162262, 0.008601020090281963, 0.007575081195682287, -0.012240993790328503, 0.04396076872944832, -0.0008190820226445794, 0.01724420115351677, -0.012739909812808037, -0.004989153705537319, 0.020968500524759293, -0.01894473098218441, -0.0028705201111733913, 0.03013167716562748, -0.02760196663439274, -0.05930768698453903, -0.03375759720802307, -0.03729919344186783, 0.003632947104051709, -0.012599369511008263, -0.0007747242343612015, -0.010547492653131485, -0.030750051140785217, 0.021010661497712135, -0.03603433817625046, -0.025690628215670586, -0.01613393984735012, 0.017497172579169273, -0.0025543062947690487, -0.029176009818911552, -0.012100454419851303, 0.024088477715849876, -0.0029829517006874084, -0.008846963755786419, -0.0099150650203228, 0.031087346374988556, 0.011643701232969761, 0.008509669452905655, 0.02037823386490345, -0.019759859889745712, -0.0347132682800293, 0.006338333245366812, 0.007202651351690292, 0.012796125374734402, 0.004729155451059341, -0.009191285818815231, 0.02490360662341118, 0.001948229386471212, -0.0026561974082142115, -0.03212733939290047, -0.0003359773545525968, 0.03485380485653877, 0.03187436982989311, -0.022542541846632957, -0.0014765436062589288, -0.00895236898213625, 0.02269713580608368, -0.011278298683464527, -0.0009697228670120239, -0.029485195875167847, -0.0011120191775262356, 0.027194401249289513, 0.005294827278703451, -0.008488588035106659, 0.011777213774621487, -0.021713359281420708, 0.005196449346840382, 0.004627264570444822, 0.0037453786935657263, 0.00917020533233881, -0.01266963966190815, -0.010582627728581429, -0.0009389797924086452, -0.04567535221576691, -0.022879837080836296, 0.041937001049518585, 0.010364791378378868, -0.006197793874889612, 0.04174024239182472, -0.004708074498921633, 0.023146862164139748, -0.009655066765844822, 0.01656961254775524, -0.021305793896317482, -0.056974731385707855, -0.006647520232945681, 0.0024366043508052826, -0.010582627728581429, -0.020251747220754623, -0.010020469315350056, 0.02792520634829998, -0.014531788416206837, -0.0077788638882339, 0.018902568146586418, 0.010969111695885658, 0.020181478932499886, 0.00131140963640064, -0.004437536001205444, 0.015375025570392609, -0.010069658048450947, 0.04592832177877426, 0.014243682846426964, -0.006373468320816755, -0.016330694779753685, -0.008966422639787197, -0.0016451909905299544, 0.008966422639787197, 0.012318290770053864, 0.013224771246314049, 0.0005270232795737684, -0.03662460297346115, -0.00938804168254137, -0.017707983031868935, 0.0068407622165977955, 0.024552257731556892, 0.001981607638299465, -0.017230147495865822, -0.007610216271132231, -0.015248540788888931, 0.011777213774621487, -0.0159793458878994, 0.008102104999125004, 0.025100361555814743, -0.007694540079683065, 0.02226146310567856, -0.01233937218785286, -0.0099150650203228, -0.013428553007543087, -0.030103569850325584, 0.0187198668718338, -0.015206378884613514, 0.012796125374734402, 0.004296996630728245, 0.006784546189010143, -0.004911857191473246, -0.021713359281420708, 0.0015002596192061901, -0.012768017128109932, -0.009149123914539814, 0.0030813293997198343, -0.010589654557406902, -0.0028353852685540915, 0.02599981613457203, -0.0054634748958051205, -0.011875591240823269, 0.005948336329311132, 0.018270140513777733, 0.006844275631010532, -0.029091686010360718, 0.002508630743250251, -0.018523111939430237, 0.008109131827950478, -0.007286975160241127, 0.03474137559533119, 0.0046096970327198505, -0.0010443844366818666, -0.04168402776122093, 0.005927255377173424, 0.007575081195682287, -0.039969444274902344, 0.0013526930706575513, 0.04230240359902382, -0.014215574599802494, 6.203503289725631e-05, -0.001787487301044166, -0.18101492524147034, 0.016386911273002625, 0.02687115967273712, -0.023947937414050102, -0.001993904821574688, 0.0341511070728302, 0.013906387612223625, -0.00388943194411695, 0.00013065784878563136, -0.003425651229918003, 0.006517521105706692, -0.002289037685841322, 0.011383702978491783, -0.010090739466249943, -0.0037840271834284067, 0.01178424060344696, 0.02043445035815239, 0.0003107241354882717, 0.0078069716691970825, 0.009929118677973747, -0.007329137064516544, -0.02549387328326702, 0.008052915334701538, 0.01619015447795391, -0.020785797387361526, 0.017989061772823334, -0.026252785697579384, 0.00988695677369833, -0.02154471166431904, -0.011587485671043396, 0.00996425375342369, -0.012325317598879337, 0.01495340745896101, -0.010561546310782433, -0.003910512663424015, 0.012522073462605476, -0.018143655732274055, 0.007497784681618214, -0.001976337283849716, 0.055653657764196396, 0.02406037040054798, 0.023638751357793808, 0.01741284877061844, 0.0009187772520817816, -0.020237693563103676, -0.004897803068161011, 0.010456142015755177, -0.003727811388671398, -0.007596162147819996, -0.017469065263867378, -0.026843052357435226, -0.013042069971561432, 0.04567535221576691, 0.00301632983610034, 0.008319941349327564, 0.012149643152952194, 0.02609819360077381, 0.009472365491092205, 0.011243163608014584, -0.016780421137809753, -0.02500198408961296, -0.01581069827079773, 0.010336683131754398, -0.007167516741901636, 0.0025297116953879595, -0.032689496874809265, -0.02820628695189953, -0.007638324052095413, -0.028009530156850815, -0.001077762572094798, -0.014939353801310062, -0.01552961952984333, 0.007813998498022556, -0.0008744194637984037, 0.009507499635219574, 0.0017251229146495461, 0.0006363806314766407, -0.0015283675165846944, -0.00446213036775589, 0.008551831357181072, -0.01231126394122839, 0.04817695543169975, 0.01139775663614273, -0.003422137815505266, 0.010139928199350834, -0.026013869792222977, -0.01656961254775524, -0.022669028490781784, 0.006106443237513304, -0.0058710393495857716, 0.010189116932451725, -0.009809659793972969, -0.0009328312007710338, -0.023062538355588913, 0.01607772335410118, -0.013323148712515831, -0.008263724856078625, -0.004360239487141371, 0.009036692790687084, -0.002313632285222411, -0.009275609627366066, -0.0014607328921556473, -0.028388988226652145, -0.013786928728222847, 0.053180161863565445, 0.011362621560692787, -0.00823561754077673, -0.012086400762200356, 0.028894929215312004, -0.01635880209505558, -0.006563196424394846, 0.012613424099981785, 0.018958784639835358, 0.0013263418804854155, -0.012838287279009819, 0.03898566961288452, 0.002137957839295268, -0.03701811656355858, 0.0187198668718338, -0.014840975403785706, 0.047558579593896866, 0.0057832021266222, -0.02483333647251129, -0.017539335414767265, 0.0012279642978683114, 0.006134551018476486, -0.07999511063098907, 0.011046407744288445, 0.016541503369808197, 0.024861445650458336, -0.046687234193086624, 0.010933976620435715, -0.01032262947410345, 0.002654440701007843, -0.012114509008824825, 0.03569704294204712, -0.0023382266517728567, -0.010069658048450947, -0.0078069716691970825, -0.00017589401977602392, 0.013266933150589466, -0.0069672479294240475, 0.022612811997532845, -0.030609512701630592, -0.0016513395821675658, 0.021080931648612022, 0.015164216980338097, -0.010695058852434158, -0.014145305380225182, 0.005235097836703062, 0.009430203586816788, 0.013723686337471008, -0.038367293775081635, 0.023666858673095703, 0.020785797387361526, 0.013526931405067444, 0.0078069716691970825, -0.03606244549155235, 0.0045569948852062225, -0.02566252090036869, -0.004465643782168627, -0.008861018344759941, -0.017216093838214874, 0.0059377956204116344, 0.026899268850684166, -0.02411658503115177, 0.011699916794896126, 0.00019598678045440465, 0.023231185972690582, -0.005660230293869972, -0.01139775663614273, -0.006155631970614195, -0.030637620016932487, 0.027461426332592964, -0.012226940132677555, -0.018466895446181297, -0.006749411579221487, -0.014756651595234871, -0.00466942647472024, -0.001625866862013936, 0.02273929864168167, -0.012873422354459763, 0.0038859182968735695, 0.0028898443561047316, -0.02488955296576023, 0.010779382660984993, -0.02881060540676117, -0.006812654435634613, -0.027138184756040573, 0.027798721566796303, 0.02297821454703808, 0.018045276403427124, -0.030693836510181427, -0.02875439077615738, 0.007947511039674282, 0.0018832298228517175, -0.01264153141528368, 0.019844183698296547, -0.02186795324087143, 0.0061240107752382755, -0.031199777498841286, -0.015051784925162792, -0.0369056835770607, -0.03316733241081238, 0.006974274758249521, -0.00845345389097929, -0.0033290304709225893, -0.027025753632187843, -0.02339983358979225, -0.005547798238694668, 0.013098285533487797, -0.01099019218236208, -0.010856679640710354, 0.00955668929964304, 0.022345786914229393, -0.040559712797403336, 0.028951145708560944, 0.014152332209050655, -0.00017973690410144627, -0.01696312241256237, -0.002115120179951191, 0.03339219465851784, -0.010800464078783989, -0.013266933150589466, 0.008790748193860054, -0.004195105284452438, -0.043539151549339294, 0.006861843168735504, -0.08055726438760757, 0.02143228054046631, -0.0011822888627648354, -0.0064718457870185375, -0.0003179707273375243, -0.01879013702273369, 0.01113073155283928, 0.007947511039674282, -0.00914209708571434, -0.0017857305938377976, -0.02632305584847927, 0.015459349378943443, -0.008256698027253151, -0.010189116932451725, 0.003227139124646783, -0.013252878561615944, 0.020617151632905006, -0.0015960021410137415, 0.016892852261662483, 0.02065931260585785, -0.0031094374135136604, 0.005649689584970474, 0.01834041066467762, 0.02753169648349285, -0.01817176304757595, -0.005368610378354788, -0.00524563854560256, 0.007835079915821552, -0.012971799820661545, 0.017989061772823334, 0.019155539572238922, -0.05362989008426666, 0.0015020163264125586, 0.011327487416565418, -0.0058710393495857716, -0.01305612362921238, 0.0021397145465016365, 0.003395786741748452, 0.0077437288127839565, 0.042611587792634964, -0.05076288431882858, -0.02275335229933262, -0.009619931690394878, -0.005055909976363182, -0.0008906693547032773, 0.01921175606548786, 0.03167761117219925, 0.009106962010264397, 0.003956187982112169, -0.012824233621358871, 0.04702452942728996, 0.014770706184208393, -0.00837615691125393, -0.0523369237780571, -0.006633466575294733, 0.00974641740322113, 0.011088569648563862, -0.011327487416565418, 0.00839723739773035, -0.019408510997891426, 0.03336408734321594, 0.008889125660061836, 0.03842351213097572, 0.011053434573113918, 0.011215055361390114, -0.002320659114047885, 0.005544284824281931, 0.00457104854285717, -0.014250709675252438, -0.022317679598927498, -0.0018199870828539133, 0.007118328008800745, 0.005396718624979258, 0.021558765321969986, 0.019633373245596886, 0.0029021415393799543, -0.013906387612223625, 0.017946898937225342, -0.032970577478408813, 0.0034994345623999834, 0.036596495658159256, -0.0027686289977282286, -0.015318810008466244, 0.014335033483803272, 0.015698267146945, 0.0002144325990229845, -0.015712320804595947, 0.03170572221279144, 0.010252359323203564, 0.009373987093567848, -0.007202651351690292, 0.01228315569460392, 0.00047212501522153616, -0.0003390516503714025, -0.017637712880969048, 0.03139653429389, -0.029176009818911552, 0.011334514245390892, 0.03738351911306381, 0.03443218767642975, -0.002473495900630951, 0.0012551938416436315, -0.014089088886976242, -0.024439826607704163, -0.039238639175891876, 0.006246982607990503, -0.023146862164139748, 0.005741040222346783, -0.00030567351495847106, -0.01255720853805542, 0.014215574599802494, 0.006998869124799967, -0.009992361068725586, 0.007764809764921665, -0.025128470733761787, -0.0095004728063941, 0.010589654557406902, -0.015192324295639992, -0.03474137559533119, 0.036484066396951675, -0.008882098831236362, 0.006373468320816755, 0.027630073949694633, 0.008839936926960945, 0.028290610760450363, 0.023385779932141304, 0.034122999757528305, -0.012838287279009819, 0.025817112997174263, -0.036765143275260925, 0.00012988927483092993, -0.006587791256606579, -0.007764809764921665, 0.007568054366856813, -0.018382571637630463, -0.006584277376532555, 0.004690507426857948, -0.014503681100904942, -0.0030602484475821257, 0.0853356122970581, 0.03018789365887642, -0.007511838339269161, -0.002438361058011651, -0.04033484682440758, 0.0015230972785502672, 0.042611587792634964, -0.006665087770670652, -0.0234138872474432, -0.035444073379039764, -0.02192416787147522, -0.0033167332876473665, 0.007329137064516544, -0.020912284031510353, -0.00031489640241488814, -0.011636674404144287, -0.017103662714362144, 0.02286578342318535, 0.003977268934249878, -0.002043093554675579, 0.006384008564054966, 0.020139316096901894, 0.0192820243537426, 0.008137239143252373, -0.013548011891543865, -0.009535607881844044, 0.013920441269874573, -0.012929637916386127, 0.021839844062924385, -0.03611866384744644, -0.0020957959350198507, 0.014798813499510288, -0.032577067613601685, -0.01718798652291298, -0.0013764092000201344, -0.004630777984857559, -0.01495340745896101, -0.0011102623539045453, 0.035162992775440216, 0.0017145824385806918, 0.01921175606548786, 0.019422564655542374, 0.006907518487423658, 0.0008818856440484524, -0.008200482465326786, -0.011060462333261967, -0.020842013880610466, -0.012950718402862549, -0.02214903198182583], metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f5200883-2089-4dda-a775-3fce21c08c8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9155c451a9f664cbd27fcf49ad70bf51e356de7e889d0adfeecd6f65d39a7df9'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='ef140ab1-7d8d-437a-9d77-84c0092f8d64', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='fbf67a3f34a3798ebda07014b691b1c4f1c65230cd7af66c7213ae36e84ee8eb'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='187d7020-599b-478f-9215-a7138d21c5ac', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='304859b3123990b473402f747c3eab6b5f4a21377fcb90160eda3981a4584a89')}, hash='a6becb1c1a0a1126945e6fd134ef39643f62b202e2f9a8f4a94f01438a370619', text='36, no. 11, pp. 2227-2240, 2014. [7] M. E. Houle and M. Nett, \"Rank-based similarity search: Redu cing the dimensional depen dence,\" Pattern Analysis and Machine Intelligence, IEEE Transactions on, vol. ', start_char_idx=5427, end_char_idx=5630, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
458
       " TextNode(id_='187d7020-599b-478f-9215-a7138d21c5ac', embedding=[0.00215314538218081, 0.03525601699948311, 0.008598689921200275, -0.00861258152872324, 0.006004496943205595, 0.006685168948024511, -0.009348818100988865, 0.0009628379484638572, -0.025212636217474937, -0.04903614893555641, 0.010467064566910267, 0.014030172489583492, -0.004257671069353819, 0.013641216792166233, -0.007404041476547718, 0.017475204542279243, 0.022045429795980453, -0.007244292180985212, 0.019878393039107323, 0.002564673777669668, -0.03481149673461914, -0.0008395530167035758, -0.015099799260497093, -0.03011625073850155, 0.0007718331180512905, 0.0225177314132452, 0.03253332898020744, -0.014502475038170815, -0.002260802546516061, -0.021392541006207466, 0.021503670141100883, -0.019864501431584358, -0.004476458299905062, 0.01503034308552742, -0.005191858392208815, -0.005896839778870344, 0.01998952217400074, -0.028866037726402283, 0.030560771003365517, -0.01432188879698515, -0.0026653853710740805, -0.007230400573462248, -0.0067650433629751205, -0.0032314544077962637, -0.003688129596412182, -0.0069768852554261684, 0.015474863350391388, -0.024629203602671623, -0.01854483224451542, 0.037561967968940735, 0.02167036570608616, 0.03545049577951431, -0.030310729518532753, 0.003295701462775469, -0.00989057682454586, 0.0002671896945685148, 0.017239052802324295, 0.02362903393805027, 0.015335951000452042, -0.024545855820178986, 0.008341701701283455, -0.008661200292408466, -0.020517390221357346, 0.02200375497341156, -0.021170280873775482, -0.03256111219525337, -0.016572272405028343, 0.008049985393881798, 0.00608089892193675, -0.0092863067984581, 0.011981211602687836, 0.02819925732910633, -0.02332342602312565, -0.0017737402813509107, 0.036506231874227524, -0.01139083318412304, -0.005046000238507986, 0.007779105566442013, -0.011057442985475063, 0.006897010374814272, -0.001109564327634871, -0.0312553346157074, 0.006900483276695013, 0.011432507075369358, 0.005042527336627245, 0.022017646580934525, 0.019545001909136772, 0.023920750245451927, -0.03142203018069267, -0.007251237519085407, 0.032477766275405884, 0.017544660717248917, 0.02344844676554203, -0.022226015105843544, -0.015085908584296703, 0.010494846850633621, -0.011613093316555023, -0.003479760605841875, 0.004910560324788094, -0.025962764397263527, -0.015308168716728687, 0.0077721597626805305, -0.00408750306814909, -0.00567457964643836, -0.005275205709040165, -0.0034936517477035522, -0.010057272389531136, 0.002102789469063282, -0.006271903868764639, 0.020058978348970413, -0.012224309146404266, 0.006198974791914225, 0.00817500613629818, -0.00867509189993143, -0.0035561625845730305, -0.03147759661078453, 0.028810473158955574, -0.02708795666694641, -0.007827725261449814, -0.023934639990329742, 0.021114714443683624, 0.01366205420345068, 0.014405236579477787, -0.020364586263895035, 0.006077426020056009, 0.01079350896179676, 0.0014090946642681956, -0.023670706897974014, -0.013773184269666672, -0.027921432629227638, 0.027490803971886635, 0.03219994157552719, 0.006299686152487993, 0.008994590491056442, -0.026115568354725838, 0.029116081073880196, 0.007841615937650204, -0.03736748918890953, -0.04259060323238373, -0.027226869016885757, 0.007327639497816563, 0.028699342161417007, -0.013752346858382225, -0.01466917060315609, -0.017114032059907913, 0.02894938550889492, 0.002773042768239975, 0.013543978333473206, 0.0024830626789480448, -0.015141473151743412, 0.011168573051691055, 0.008293082006275654, -0.0038895527832210064, 0.033561285585165024, 0.010196184739470482, 0.004427839070558548, -0.002542100613936782, 0.025712722912430763, -0.008501451462507248, -0.04648015648126602, -0.029060516506433487, 0.011501963250339031, 0.007404041476547718, -0.008431994356215, 0.0195727851241827, 0.016363903880119324, 0.0036916022654622793, -0.0036568741779774427, -0.025448787957429886, -0.016072187572717667, -0.001741616753861308, 0.028838256374001503, -0.02819925732910633, -0.0024344432167708874, 0.0035839451011270285, -0.010050326585769653, 0.04839714989066124, 0.014696952886879444, -0.03364463150501251, -0.008918188512325287, -0.0036117276176810265, 0.01055041141808033, 0.005209222435951233, 0.020822998136281967, -0.016405578702688217, 0.009411328472197056, 0.02215655893087387, -0.0011842298554256558, 0.010981041006743908, -0.023156730458140373, 0.015849927440285683, 0.007334585301578045, -0.005896839778870344, 0.0027435238007456064, -0.6232174634933472, -0.01944776438176632, 0.019253285601735115, -0.03550605848431587, 0.00813333224505186, 0.006313577760010958, 0.004469512961804867, 0.02365681529045105, 0.007167890202254057, 0.022948361933231354, -0.03361684828996658, 0.005834328942000866, 0.0024622257333248854, -0.01134915929287672, -0.01629444770514965, -0.015766579657793045, 0.0051328204572200775, -0.011918701231479645, 0.020809106528759003, 0.006063534878194332, -0.019642241299152374, 0.022059321403503418, -0.004598007071763277, -0.0121617978438735, 0.008855678141117096, 0.007737431675195694, 0.036450665444135666, -0.03628396987915039, 0.0059628235176205635, 0.017836377024650574, -0.01710014045238495, 0.020309021696448326, 0.004792484454810619, 0.024434726685285568, 0.05381473898887634, -0.012668829411268234, -0.00942522007972002, 0.017127923667430878, 0.025184854865074158, 0.029227210208773613, -0.03372797742486, -0.02572661265730858, 0.016905663534998894, 0.01327309850603342, -0.012196525931358337, 0.02314283885061741, 0.020406261086463928, 0.003498861100524664, -0.013953770510852337, -0.03008846938610077, 0.003174152923747897, -0.001224167295731604, -0.011522799730300903, 0.00017874145123641938, 0.005573867820203304, -0.016211099922657013, 0.025907199829816818, -0.0166278388351202, 0.013377283699810505, 0.017002902925014496, 0.011592255905270576, -0.008056930266320705, -0.008077767677605152, -0.01632223092019558, -0.010647650808095932, 0.02678234875202179, 0.0031394248362630606, 0.01773913949728012, -0.010911584831774235, -0.011460289359092712, 0.025115398690104485, 0.02639339305460453, -0.001779817626811564, -0.004337545949965715, 0.01310640387237072, 0.020100653171539307, 0.020517390221357346, 0.0027799883391708136, -0.019920065999031067, -0.009709990583360195, 0.01200899388641119, 0.004521605093032122, -0.010258695110678673, -0.006973412353545427, 0.017211271449923515, -0.0023372045252472162, -0.03775644302368164, -0.011988157406449318, -0.015238712541759014, 0.0014985196758061647, 0.00608089892193675, -0.003743694629520178, -0.024782007560133934, -0.040840305387973785, -0.003507543122395873, 0.0121131781488657, 0.00486194109544158, 0.003972900100052357, 0.023545686155557632, -0.0450354628264904, -0.01936441659927368, -0.00841810368001461, 0.003313065506517887, -0.014710844494402409, 0.0015306432032957673, 0.0028720179107040167, 0.0009029319044202566, 0.010508738458156586, 0.008890406228601933, -0.023545686155557632, 0.007758268620818853, -0.007473497651517391, -0.01707235909998417, 0.011383887380361557, 0.005129347555339336, -0.025184854865074158, 0.03772866353392601, 0.00608089892193675, -0.010772672481834888, -0.008807058446109295, 0.03008846938610077, 0.008855678141117096, 0.0073137483559548855, -0.01286330632865429, 0.010508738458156586, -0.0005109378835186362, 0.007285965606570244, -0.009973924607038498, -0.027254652231931686, -0.0009411328355781734, 0.020364586263895035, -0.015322059392929077, 0.006747679319232702, -0.021350866183638573, 0.02528209239244461, -0.00715399906039238, 0.006619185209274292, 9.65334038482979e-05, 0.006042697932571173, -0.016586164012551308, -0.03489484637975693, 0.012342384085059166, 0.011238029226660728, -0.03036629408597946, -0.011682549491524696, -0.017239052802324295, -0.02360125072300434, 0.018197549507021904, -0.005882948637008667, -0.008411157876253128, -0.023212295025587082, -0.016405578702688217, -0.025212636217474937, 0.0277408454567194, -0.0023962422274053097, -0.008147223852574825, 0.0027053228113800287, -0.009814174845814705, -0.013578706420958042, -0.022378819063305855, -0.0036013091448694468, 0.04350742697715759, -0.008890406228601933, -0.011314431205391884, 0.0006403002771548927, -0.017725247889757156, 0.011446397751569748, 0.01346757635474205, 0.02112860605120659, -0.040090177208185196, 0.0015983630437403917, -0.017336292192339897, -0.01965613290667534, 0.021295301616191864, -0.014155194163322449, -0.0040701390244066715, 0.0028546538669615984, -0.013981552794575691, 0.002476117108017206, -0.006591402925550938, 0.006640022154897451, 0.020003413781523705, -0.002167036524042487, -0.01503034308552742, 0.022628862410783768, -0.0030022484716027975, 0.006678223144263029, -0.00046405490138567984, -0.009084884077310562, 0.005827383603900671, 0.014933104626834393, 0.02579606883227825, -0.006956048309803009, 0.012328493408858776, -0.01190480962395668, 0.019225504249334335, -0.00270879571326077, -0.011515854857861996, -0.011474180966615677, 0.014134356752038002, 0.010918530635535717, 0.0003809243789874017, -0.0020680613815784454, -0.018683744594454765, 0.018975460901856422, -0.040895868092775345, 0.0031081694178283215, -0.006803244352340698, 0.009050155989825726, 0.011835353448987007, 0.020572956651449203, -0.029560601338744164, -0.018433701246976852, -0.023670706897974014, 0.002967520384117961, 0.03639509901404381, -0.011814516969025135, 0.016488924622535706, -0.015502645634114742, 0.010904639028012753, 0.007529062684625387, 0.00020674100960604846, 0.02533765882253647, -0.00357699953019619, -0.005098092369735241, -0.0011798888444900513, 0.008119441568851471, 0.028213148936629295, -0.0043965838849544525, -0.0042854538187384605, -0.003781895386055112, -0.013773184269666672, 0.01872541755437851, 0.015197038650512695, 0.027851976454257965, -0.0038235692773014307, 0.03747861832380295, -0.0029275829438120127, 0.0035249071661382914, -0.004275035113096237, 0.012015939690172672, 0.02073965035378933, 0.014064900577068329, -0.013113349676132202, -0.004757756367325783, 0.004160432144999504, 0.028240932151675224, 0.01983671821653843, 0.001752035110257566, 0.017836377024650574, -0.008098604157567024, 0.025921091437339783, 0.0034867061767727137, 0.012786904349923134, 0.021517561748623848, -0.011363050900399685, 0.007167890202254057, 0.016613947227597237, 0.02233714610338211, 0.028268713504076004, 0.0015671077417209744, -0.0040041557513177395, 0.0323944166302681, -0.014516366645693779, 0.00723734637722373, -0.054425954818725586, 0.001257159048691392, 0.02597665600478649, 0.011272757314145565, -0.016933444887399673, 0.009453002363443375, -0.008466722443699837, 0.0004119626828469336, -0.026685109362006187, 0.008515342138707638, 0.004417420830577612, 0.020961910486221313, -0.01598883979022503, 0.02528209239244461, 0.013307826593518257, -0.03253332898020744, -0.007570736575871706, 0.008306973613798618, 0.016433360055088997, -0.0015280386433005333, -0.00972388219088316, -0.0010644177673384547, 0.033144544810056686, -0.029866209253668785, -0.009453002363443375, 0.00019556289771571755, -0.000889908813405782, 0.014974778518080711, -0.015405407175421715, -0.012891089543700218, -0.015836035832762718, 0.016433360055088997, 0.013141131959855556, 0.001137346844188869, 0.007605464663356543, 0.020447934046387672, -0.0018197550671175122, -0.012675774283707142, -0.009473838843405247, 0.03886774554848671, -0.015919383615255356, -0.010522629134356976, -0.02458753064274788, 0.0026775402948260307, -0.009904468432068825, 0.0031133785378187895, 0.0012701820814982057, 0.002283375943079591, 0.02296225167810917, 0.0177669208496809, -0.004837631247937679, -0.010994932614266872, 0.018989352509379387, 0.050786446779966354, -0.004896669182926416, -0.008063876070082188, -0.011085225269198418, -0.012828578241169453, 0.01900324411690235, 0.031366463750600815, 0.029588382691144943, -0.014134356752038002, 0.0029050097800791264, -0.009661370888352394, -0.02001730538904667, -0.018433701246976852, 0.011522799730300903, 0.010078108869493008, 0.010758780874311924, -0.02615724317729473, -0.014064900577068329, 0.014738626778125763, 0.008390321396291256, 0.04097921773791313, 0.002944946987554431, 0.001682578818872571, -0.02360125072300434, -0.015544319525361061, 0.011376941576600075, -0.02068408578634262, -0.016697295010089874, 0.010251750238239765, 0.011314431205391884, -0.011432507075369358, -0.007529062684625387, 0.031366463750600815, 0.0009732564212754369, 0.007174835540354252, -0.033144544810056686, -0.013092512264847755, 0.019100481644272804, 0.026143351569771767, 0.014349671080708504, -0.008168061263859272, 0.0221843421459198, 0.007786051370203495, 0.026476740837097168, 0.021712038666009903, -0.01993395760655403, 0.02050350047647953, 0.002786933910101652, 0.014460801146924496, 0.015655450522899628, -0.0024969540536403656, -0.0024743806570768356, 0.011953429318964481, 0.031310901045799255, -0.030255163088440895, -0.0033582120668143034, 0.00025112793082371354, -0.014155194163322449, -0.02029513008892536, -0.014974778518080711, -0.009619696997106075, -0.016461143270134926, -0.012578535825014114, -0.008751493878662586, -0.0008056930964812636, -0.029032733291387558, 0.00743182422593236, -0.004969598259776831, 0.01960056833922863, 0.001382180373184383, -0.013974606990814209, -0.017169596627354622, -0.03545049577951431, -0.009765556082129478, -0.01557210274040699, -0.004820267204195261, 0.019225504249334335, -0.013432848267257214, -0.03917335346341133, -0.0036117276176810265, 0.004920979030430317, 0.018392028287053108, 0.004785539116710424, 0.010994932614266872, -0.030282946303486824, 0.030255163088440895, -0.01746131293475628, -0.003328693099319935, -0.00413264986127615, -0.011189409531652927, 0.01366205420345068, -0.011911755427718163, -0.015530428849160671, -0.01271744817495346, -0.01668340340256691, -0.017836377024650574, 0.0027608878444880247, -0.01073099859058857, 0.009814174845814705, 0.001307514845393598, 0.015641558915376663, -0.003040449460968375, 0.013884314335882664, 0.016308339312672615, 0.010251750238239765, 0.0007054155576042831, 0.00019480321498122066, 0.01089769322425127, -0.014134356752038002, -0.008668146096169949, 0.025393223389983177, 0.006039225030690432, -0.0004380087775643915, -0.0006672145682387054, 0.0038617702666670084, -0.01539151556789875, 0.035394929349422455, -0.013328664004802704, 0.016780642792582512, -0.005254369229078293, 0.034283630549907684, 0.03345015272498131, 0.027615824714303017, 0.007501280400902033, 0.019100481644272804, -0.010668487288057804, -0.020753541961312294, 0.00036421147524379194, 0.0029050097800791264, 0.0030647593084722757, -0.00852228794246912, 0.013057784177362919, -0.02840762585401535, -0.011238029226660728, -0.018267007544636726, 0.007001195102930069, -0.013196696527302265, 0.010369825176894665, 0.008202789351344109, -0.005368971731513739, -0.03489484637975693, -0.004160432144999504, -0.010071163065731525, -0.008355592377483845, -0.034339193254709244, -0.02365681529045105, 0.011640875600278378, -0.02365681529045105, 0.0024656986352056265, 0.0014811556320637465, -0.03117198683321476, -0.020184000954031944, -0.03658957779407501, 0.010467064566910267, 0.03222772106528282, 0.017850268632173538, -0.002427497645840049, 0.012092341668903828, -0.008376429788768291, -0.020392369478940964, -0.008077767677605152, -0.005698889493942261, -0.0004657912941183895, 0.01962834969162941, 0.030727466568350792, 0.0036013091448694468, 0.032033246010541916, -0.0035735266283154488, -0.005598177667707205, 0.03189433366060257, 0.007376259192824364, -0.0010913320584222674, -0.004195160698145628, -0.0059142038226127625, -0.015947166830301285, -0.0071470532566308975, 0.04811932519078255, -0.005587759427726269, 0.015155364759266376, 0.02125362679362297, 0.018197549507021904, 0.027212977409362793, 0.001885738573037088, -0.014974778518080711, 0.003615200286731124, -0.055537257343530655, 0.0004024124355055392, -0.008473668247461319, -0.010862965136766434, 0.00441047502681613, -0.02807423658668995, -0.02092023752629757, 0.004108340013772249, -0.0032696553971618414, 0.009821120649576187, -0.012064559385180473, 0.026323936879634857, 0.005393281579017639, 0.000335777789587155, 0.03628396987915039, 0.029060516506433487, -0.03947896137833595, 0.003234927076846361, -0.02678234875202179, -0.00030213489662855864, 0.016336122527718544, -0.003955536056309938, 0.027699172496795654, 0.010404553264379501, 0.0012970963725820184, -0.0021409904584288597, 0.01426632422953844, -0.0031585250981152058, 0.0008056930964812636, -0.013502304442226887, -0.001062681432813406, 0.002870281459763646, -0.025212636217474937, -0.017183488234877586, 0.005257841665297747, -0.008848732337355614, -0.002722686855122447, -0.007577682379633188, 0.005414118524640799, -0.02819925732910633, -0.007723540533334017, 0.020058978348970413, 0.0166278388351202, 0.02608778513967991, -0.01903102546930313, 0.013418956659734249, 0.02606000378727913, -0.009626642800867558, -0.023545686155557632, 0.0165305994451046, 0.0035561625845730305, 7.071112690937298e-07, 0.025962764397263527, 0.03011625073850155, -0.04439646750688553, -0.03408915176987648, -0.0016565327532589436, -0.0017338028410449624, 0.0033547391649335623, -0.03806205093860626, 0.013599543832242489, 0.017294619232416153, 0.006330941803753376, -0.02510150708258152, -0.0063066319562494755, -0.033922456204891205, 0.03270002454519272, 0.0003459791769273579, 0.017572443932294846, -0.0013222743291407824, -0.007251237519085407, 0.0050772554241120815, 0.02455974742770195, 0.0068657551892101765, 0.04995296895503998, 0.0025803016033023596, -0.003677711123600602, 0.012495188042521477, -0.011925647035241127, -0.011897863820195198, 0.011765897274017334, -0.012043721973896027, 0.03711744770407677, -0.012766067869961262, 0.004660517908632755, 0.022323254495859146, 0.02158701792359352, 0.012231254018843174, 0.0011434243060648441, 0.012453514151275158, 0.03400580585002899, -0.028171474114060402, -0.0166278388351202, -0.017933616414666176, 0.0004536364576779306, 0.018767092376947403, 0.0044625671580433846, -0.0017190433572977781, -0.01175200566649437, -0.014419128187000751, -0.01336339209228754, 0.018030855804681778, -0.0037124392110854387, 0.023823510855436325, 0.006813663057982922, -0.011668657884001732, -0.015155364759266376, -0.03336680680513382, -0.004854995291680098, 0.003356475615873933, -0.04592450335621834, -0.018989352509379387, -0.0035839451011270285, -0.020156217738986015, -0.006004496943205595, 0.00685533694922924, -0.030866378918290138, 0.016030514612793922, 0.01557210274040699, -0.024990376085042953, 0.02161480113863945, 0.04478542134165764, 0.01789194345474243, -0.05292569845914841, -0.01175200566649437, 0.00013055613089818507, -0.020392369478940964, 0.03214437514543533, -0.01782248727977276, -0.03633953630924225, -0.006938684266060591, 0.00357699953019619, 0.023879075422883034, 0.022948361933231354, -0.007265129126608372, 0.003827042179182172, 0.0005256973672658205, 0.005709307733923197, -0.00790412724018097, -0.01872541755437851, 0.030727466568350792, -0.024518074467778206, 0.012488242238759995, 0.020045088604092598, -0.015113690868020058, 0.028088128194212914, -0.0332556776702404, 0.005480101797729731, -0.0036360372323542833, -0.03708966448903084, -0.011911755427718163, 0.01084907352924347, 0.009383546188473701, -0.009216850623488426, -0.0042159971781075, -0.018655961379408836, 0.009584968909621239, -0.018433701246976852, 0.015113690868020058, -0.0027556787244975567, -0.012536861933767796, 0.010098946280777454, 0.018836548551917076, -0.015252603217959404, -0.0031724164728075266, -0.010404553264379501, 0.0037506402004510164, 0.022045429795980453, 0.0010974095202982426, -0.033505719155073166, -0.009348818100988865, 0.022559406235814095, 0.049675144255161285, 0.026143351569771767, -0.027838084846735, -0.014960886910557747, -0.012404895387589931, -0.053731393069028854, -0.005761399865150452, -0.003827042179182172, -0.003443296067416668, -0.012571590021252632, 0.015363733284175396, -0.012891089543700218, 0.024823680520057678, -0.013425902463495731, -0.004351437091827393, 0.004146541003137827, -0.012196525931358337, -0.004400056786835194, 0.01683620736002922, 0.008390321396291256, 0.010717106983065605, -0.043062906712293625, 0.009841958060860634, 0.00026198048726655543, 0.021656474098563194, -0.015099799260497093, 0.010064218193292618, -0.01590549200773239, -0.0037054936401546, -0.0015454026870429516, 0.0051328204572200775, 0.0018267006380483508, -0.00043214840115979314, -0.01417603064328432, -0.02729632519185543, -0.006469854153692722, 0.012189580127596855, -0.004566751886159182, -0.008793167769908905, -0.009536350145936012, -0.006313577760010958, -0.0029831479769200087, -0.0010809137020260096, -0.01432188879698515, -0.010925475507974625, 0.017391856759786606, -0.01355786994099617, 0.027963105589151382, -0.007952746003866196, 0.01975337229669094, 0.05061975121498108, -0.019586676731705666, 0.011175518855452538, 0.0035249071661382914, -0.02014232613146305, -0.03622840717434883, 0.0050946194678545, 0.0035839451011270285, -0.012168743647634983, 0.004184741992503405, -0.003118587890639901, 0.003698547836393118, 0.0030769139993935823, -0.005726671777665615, -0.0006190292770043015, -0.02621280774474144, -0.013592598028481007, 0.031394246965646744, 0.0017155705718323588, -0.021239737048745155, -0.012425731867551804, -0.013967662118375301, -0.006202447693794966, 0.0031029600650072098, 0.011918701231479645, -0.0005226586363278329, -0.028157584369182587, 0.0065323649905622005, 0.005275205709040165, 0.0008365142857655883, -0.009307144209742546, 0.001885738573037088, 3.991023913840763e-05, 0.0009003272862173617, 0.0112588657066226, 0.1964779794216156, -0.004118758719414473, 0.02747691236436367, -0.004709137137979269, -0.006181610748171806, -0.0034172500018030405, 0.047841500490903854, -0.000709322455804795, 0.0128494156524539, -0.00120419857557863, -0.007404041476547718, 0.014974778518080711, -0.02169814705848694, 0.0018735836492851377, 0.03333902359008789, -0.020072869956493378, -0.045646678656339645, -0.04039578512310982, -0.027560260146856308, 0.0013274835655465722, -0.0034085679799318314, -0.004007628653198481, -0.015863819047808647, -0.029588382691144943, 0.018780983984470367, -0.030255163088440895, -0.02461531199514866, -0.012217363342642784, 0.021364757791161537, -0.0020072869956493378, -0.0230872742831707, -0.018614288419485092, 0.02861599624156952, -0.010168402455747128, 0.005556503776460886, -0.020822998136281967, 0.029532818123698235, 0.013446739874780178, 0.007438769564032555, 0.028421517461538315, -0.02179538644850254, -0.043479643762111664, 0.010772672481834888, 0.004368801135569811, 0.014710844494402409, 0.008341701701283455, -0.002776515670120716, 0.028310388326644897, 0.008939025923609734, 0.005230059381574392, -0.023879075422883034, -0.005407172720879316, 0.04097921773791313, 0.024212466552853584, -0.021475886926054955, -0.0010305577889084816, -0.0038582973647862673, 0.024726442992687225, -0.007591573521494865, -0.006692114286124706, -0.03147759661078453, 0.0022990035358816385, 0.025657156482338905, -0.0015063334722071886, -0.007195672485977411, 0.02272610180079937, -0.017239052802324295, 0.0024570166133344173, -0.004542442038655281, 0.0013118558563292027, 0.018058637157082558, 0.0044070021249353886, -0.013280044309794903, 0.002356305019930005, -0.030977509915828705, -0.026949044317007065, 0.035728320479393005, 0.008237517438828945, -0.009557186625897884, 0.03783979266881943, -0.006917847320437431, 0.02275388315320015, -5.12511505803559e-05, 0.018447592854499817, -0.020600738003849983, -0.050008535385131836, -0.006435126066207886, -0.0077721597626805305, -0.012377112172544003, -0.029866209253668785, -0.006653913296759129, 0.02435137890279293, -0.007799942512065172, -0.008480614051222801, 0.015697123482823372, 0.0021149443928152323, 0.02837984450161457, -0.006837972439825535, -0.011085225269198418, 0.014516366645693779, -0.013245316222310066, 0.03603392839431763, 0.012627155520021915, -0.01704457588493824, -0.016558382660150528, -0.002033333061262965, 0.002934528747573495, 0.0064767999574542046, 0.016405578702688217, 0.012891089543700218, 0.006310104858130217, -0.032838936895132065, -0.013939878903329372, -0.02579606883227825, 0.008293082006275654, 0.02017010934650898, 0.0003492349642328918, -0.01632223092019558, -0.013578706420958042, -0.016058295965194702, 0.009800284169614315, -0.016572272405028343, 0.006796299014240503, 0.029810642823576927, -0.0074109872803092, 0.01828089728951454, -0.02762971632182598, -0.006435126066207886, -0.017239052802324295, -0.030505206435918808, 0.017475204542279243, -0.012842469848692417, 0.0068657551892101765, 0.01864207163453102, 0.003945117816329002, -0.014085737057030201, -0.01926717720925808, -0.0093349264934659, -0.011967319995164871, -0.01175200566649437, 0.006685168948024511, -0.014363562688231468, 0.005771818570792675, 0.018072528764605522, -0.0038374606519937515, -0.0060288067907094955, 0.004959179554134607, 0.022795557975769043, 0.00371591211296618, -0.03111642226576805, -0.0020593793597072363, -0.016183318570256233, 0.009939196519553661, -0.005493993405252695, 0.01941998116672039, 0.001802391023375094, 0.001215485273860395, -0.042673949152231216, 0.012995273806154728, 0.020697977393865585, -0.029227210208773613, 0.002741787349805236, 0.038339875638484955, -0.015044234693050385, 0.0058516934514045715, -0.011404724791646004, -0.17836377024650574, 0.011793679557740688, 0.025921091437339783, -0.03008846938610077, 0.006407343782484531, 0.02975507825613022, 0.011015769094228745, -0.004980016499757767, -0.004910560324788094, 0.006910901982337236, 0.005990605801343918, -0.0019465128425508738, 0.003799259662628174, -0.010335097089409828, -0.004167377948760986, 0.004417420830577612, 0.02633782848715782, 0.012300710193812847, 0.022809449583292007, 0.007265129126608372, 0.002648021327331662, -0.016752859577536583, 0.014738626778125763, 0.022114885970950127, -0.01821144111454487, 0.01846148446202278, -0.027963105589151382, 0.007869399152696133, -0.022351037710905075, -0.011133844964206219, 0.012029831297695637, -0.012377112172544003, 0.009668316692113876, 0.0005895103677175939, 0.001023612217977643, 0.01587771065533161, -0.004358382895588875, 0.005497466307133436, -0.00963358860462904, 0.05706529691815376, 0.019531112164258957, 0.026462849229574203, 0.021545344963669777, 0.005876002833247185, -0.013057784177362919, -0.00807082187384367, 0.01079350896179676, -0.013543978333473206, -0.011731169186532497, -0.02176760509610176, -0.021684257313609123, -0.007570736575871706, 0.03850657120347023, 0.005039054434746504, 0.001613122527487576, 0.021420322358608246, 0.030310729518532753, 0.013460630550980568, 0.020392369478940964, -0.028240932151675224, -0.022976143285632133, -0.015447081066668034, 0.006858809385448694, -0.012828578241169453, 0.01154363714158535, -0.034617017954587936, -0.01815587654709816, -0.019725589081645012, -0.03228328749537468, 0.0028685452416539192, -0.01143945287913084, -0.009557186625897884, 0.012918871827423573, 0.007438769564032555, 0.01629444770514965, -0.00019241565314587206, 0.002550782635807991, 0.00852228794246912, -0.0062510669231414795, 0.00486194109544158, -0.014488584361970425, 0.040090177208185196, 0.005688470788300037, -0.00028064686921425164, 0.0021791914477944374, -0.029505036771297455, -0.027490803971886635, -0.02828260511159897, -0.007522117346525192, 0.0049661253578960896, 0.011654767207801342, -0.010543466545641422, 0.004198633134365082, -0.02076743356883526, 0.013759292662143707, -0.0048515223897993565, -0.0012858097907155752, -0.003702020738273859, 0.012147907167673111, -0.00595240481197834, -0.004184741992503405, -0.0008951180498115718, -0.023490119725465775, 0.0003145068185403943, 0.046757981181144714, 0.006952575407922268, -0.023587359115481377, -0.01746131293475628, 0.021892625838518143, -0.01962834969162941, -0.014078792184591293, 0.011835353448987007, 0.024518074467778206, 0.0006524550844915211, -0.015238712541759014, 0.03158872574567795, 0.008855678141117096, -0.0342002809047699, 0.02678234875202179, -0.021086933091282845, 0.047480326145887375, 0.005219640675932169, -0.039784569293260574, -0.016252774745225906, 0.01171033177524805, -0.007140107452869415, -0.08784832805395126, -0.000653757422696799, 0.013182805851101875, 0.026462849229574203, -0.03997904434800148, 0.0195727851241827, -0.0024153427220880985, 0.003688129596412182, -0.015141473151743412, 0.03658957779407501, -0.009112666361033916, -0.014106574468314648, -0.009591914713382721, 0.01256464421749115, 0.004823740106076002, -0.008098604157567024, 0.02073965035378933, -0.03308898210525513, 0.0074248784221708775, 0.02561548352241516, 0.013009164482355118, -0.017058467492461205, -0.013689836487174034, 0.0018596923910081387, 0.0033148019574582577, 0.00770964939147234, -0.039034441113471985, 0.01885044015944004, 0.022462166845798492, 0.010981041006743908, -0.0011972530046477914, -0.03889552876353264, 0.0021288355346769094, -0.02368459850549698, -0.006372615694999695, -0.002210446633398533, -0.027490803971886635, 0.012175689451396465, 0.02744912914931774, -0.028310388326644897, 0.0029866208788007498, 0.007987474091351032, 0.02305949106812477, -0.0014342726208269596, -0.01286330632865429, -0.010918530635535717, -0.025268200784921646, 0.023517902940511703, 0.005744035821408033, -0.014155194163322449, -0.011772843077778816, -0.0221843421459198, -0.00852228794246912, 0.009716936387121677, 0.025532135739922523, -0.011328322812914848, -0.003318274626508355, 0.007751322817057371, -0.026796240359544754, 0.007285965606570244, -0.029949557036161423, -0.004924451466649771, -0.019558893516659737, 0.030227381736040115, 0.02900495007634163, 0.02362903393805027, -0.043757468461990356, -0.034672584384679794, 0.015141473151743412, 0.0026271846145391464, -0.013807912357151508, 0.02515707165002823, -0.026740675792098045, 0.014294106513261795, -0.0296439491212368, -0.017864160239696503, -0.035811666399240494, -0.02681013196706772, 0.0016773695824667811, -0.0065879300236701965, 0.0010392399271950126, -0.017669683322310448, -0.007827725261449814, -0.010967149399220943, 0.01367594487965107, -0.01707235909998417, -0.01719737984240055, 0.00932103581726551, 0.017308508977293968, -0.03475593402981758, 0.029477253556251526, 0.010487901046872139, -0.0011026187567040324, -0.014655278995633125, -0.0003982884809374809, 0.03083859756588936, -0.01680842414498329, -0.014738626778125763, 0.018961569294333458, -0.0016738967970013618, -0.033894672989845276, 0.01014756504446268, -0.07395707070827484, 0.02889382094144821, 0.005834328942000866, -0.003799259662628174, -0.010856019333004951, -0.01707235909998417, 0.009883631020784378, 0.001023612217977643, -0.0024656986352056265, -0.0034728150349110365, -0.025684939697384834, 0.00256988313049078, -0.012641046196222305, -0.007674921303987503, 0.0031446339562535286, -0.023212295025587082, 0.02365681529045105, -0.0027018501423299313, 0.01539151556789875, 0.012272927910089493, 0.005511357448995113, 0.005976714659482241, 0.00891124363988638, 0.023906858637928963, -0.011328322812914848, -0.013543978333473206, -0.0063621969893574715, 0.0027678334154188633, -0.008751493878662586, 0.009800284169614315, 0.02585163526237011, -0.05712085962295532, -0.0002407094871159643, 0.01941998116672039, -0.001104355207644403, -0.021517561748623848, -0.005035581532865763, 0.0014724734937772155, 0.006844918243587017, 0.040868084877729416, -0.05167548730969429, -0.020517390221357346, -0.006268430966883898, -0.004024992696940899, -0.0037402217276394367, 0.013564814813435078, 0.03736748918890953, -0.00043648944119922817, 0.0072026182897388935, -0.01596105843782425, 0.04611898213624954, 0.013425902463495731, -0.014446910470724106, -0.0455077663064003, -0.015113690868020058, 0.009147394448518753, 0.013731510378420353, -0.008105549961328506, 0.014530258253216743, -0.01815587654709816, 0.023490119725465775, 0.009237688034772873, 0.046313460916280746, 0.006004496943205595, 0.004622316919267178, -0.00907793827354908, -0.002392769558355212, -0.001554952934384346, -0.02497648447751999, -0.025393223389983177, -0.009960032999515533, 0.012495188042521477, 0.002436179667711258, 0.01936441659927368, 0.016405578702688217, -0.0024691715370863676, -0.01590549200773239, 0.011689495295286179, -0.03672849014401436, -0.0014985196758061647, 0.0378120094537735, -0.008501451462507248, -0.017322400584816933, 0.016058295965194702, 0.02167036570608616, -0.009265470318496227, -0.025045940652489662, 0.028699342161417007, 0.007077597081661224, 0.010467064566910267, -0.008202789351344109, -0.0002200896415160969, 0.002375405514612794, 0.007834670133888721, -0.00768881244584918, 0.01885044015944004, -0.03006068617105484, 0.002135781105607748, 0.02768528088927269, 0.026768457144498825, 0.0012623682850971818, 0.0009515513083897531, -0.007758268620818853, -0.018711527809500694, -0.032866720110177994, 0.0040701390244066715, -0.023948531597852707, 0.0091682318598032, 0.0019169938750565052, -0.016433360055088997, 0.018030855804681778, 0.005052945576608181, -0.008605635724961758, 0.012481297366321087, -0.028671560809016228, -0.0018926841439679265, 0.010710161179304123, -0.021156389266252518, -0.03042185865342617, 0.040479131042957306, -0.007181781344115734, 0.009341872297227383, 0.019642241299152374, 0.008258353918790817, 0.03261667862534523, 0.006584457121789455, 0.03214437514543533, -0.010932421311736107, 0.022892795503139496, -0.03508932143449783, 0.0023354680743068457, -0.010098946280777454, -0.021059149876236916, 0.01851704902946949, -0.01598883979022503, -0.0066886418499052525, 0.007661029696464539, -0.006660859100520611, -0.01327309850603342, 0.0844588577747345, 0.028129801154136658, -0.0148219745606184, 0.00972388219088316, -0.03931226581335068, 0.0014143039006739855, 0.030588554218411446, -0.005983659997582436, -0.02510150708258152, -0.04317403584718704, -0.011786733753979206, -0.00436532823368907, 0.0046744090504944324, -0.030727466568350792, 0.0008616922423243523, -0.008383375592529774, -0.026740675792098045, 0.025907199829816818, -0.009480784647166729, -0.00169647007714957, 0.015044234693050385, 0.021267518401145935, 0.014016280882060528, 0.017489096149802208, -0.009418274275958538, -0.004233361221849918, 0.012842469848692417, -0.0023788781836628914, 0.031338680535554886, -0.039840131998062134, 0.003955536056309938, 0.017155705019831657, -0.03225550428032875, -0.0083139194175601, -0.017447423189878464, -0.008862623944878578, -0.005004326347261667, -0.007633247412741184, 0.03217215836048126, 0.003649928607046604, 0.019586676731705666, 0.021628690883517265, 0.008744548074901104, 0.003429404692724347, -0.00787634402513504, -0.010043380782008171, -0.02699071727693081, -0.007973583415150642, -0.01905880868434906], metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f5200883-2089-4dda-a775-3fce21c08c8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='9155c451a9f664cbd27fcf49ad70bf51e356de7e889d0adfeecd6f65d39a7df9'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='8e9c17e5-a6b7-40d8-8431-0be6281bbb89', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='33317301f418b42027e211dbe41766774e30bba5e7889aa840f6e2f4cb9dae2c'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='ec278188-cbc7-4b40-b779-9284de3aecbe', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='3a4916f36b8e406633cea11bd33968b5894c1ceb151e4cb178cbc2544731816c')}, hash='f04d3cc21dd6268f7d670ff46c0fc7310e592ced6f6eab1aadf8aacbd7079e2c', text='37, no. 1, pp. 136-150, 2015. [8] A. Andoni, P. Indyk, T. Laarhoven, I. Razenshteyn, and L. Schmidt, \"Practical and optimal LSH for angular distance,\" in Advances in Neural Informati on Processing Systems , 2015, pp. 1225-1233. [9] P. Indyk and R. Motwani, \"Approximate nearest neighbors: towards removing the curse of dimensionality,\" in Proceedings of the thirtieth annual ACM symposium on Theory of computing , 1998, pp. 604-613: ACM. ', start_char_idx=5630, end_char_idx=6068, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
459
       " TextNode(id_='ec278188-cbc7-4b40-b779-9284de3aecbe', embedding=[-0.013783573172986507, 0.03041505068540573, 0.0025988875422626734, -0.010991785675287247, 0.008943540044128895, 0.008859365247189999, -0.01044465135782957, -0.0015598585596308112, -0.030892038717865944, -0.048091694712638855, 0.009357397444546223, 0.013054060749709606, 0.00222185580059886, 0.0176345556974411, -0.006253463216125965, 0.00698999036103487, 0.016947131603956223, -0.0028531646821647882, 0.008992642164230347, -0.0058325910940766335, -0.029825828969478607, 0.0006128955283202231, -0.020257994532585144, -0.029825828969478607, 0.007519587874412537, 0.03226688876748085, 0.037289299070835114, -0.02070692554116249, -0.006565610412508249, -0.015207525342702866, 0.018167661502957344, -0.020482460036873817, -0.010711204260587692, 0.008501623757183552, 0.002816338324919343, -0.004485798999667168, 0.02138032205402851, -0.02746894396841526, 0.03521299734711647, -0.007954489439725876, 0.003331907093524933, -0.00536261685192585, -0.005415225867182016, 0.001533554052002728, -0.0017974762013182044, -0.005176731385290623, 0.011279381811618805, -0.02463506907224655, -0.0055344728752970695, 0.0318179577589035, 0.02286740392446518, 0.03184601664543152, -0.012899741530418396, 0.006909322924911976, -0.00798956211656332, 0.004327971953898668, 0.007133788429200649, 0.02630452997982502, 0.0008158787968568504, -0.024017788469791412, 0.005744909401983023, -0.009378441609442234, -0.02219400741159916, 0.01898134872317314, -0.018476301804184914, -0.03888861462473869, -0.0207209549844265, 0.006046534515917301, 0.0008106179302558303, -0.008347303606569767, 0.001062702969647944, 0.023218130692839622, -0.019332075491547585, 0.0005874678026884794, 0.04276064410805702, -0.01943027973175049, 0.0005116231041029096, -0.001542322221212089, -0.015642426908016205, 0.014940972439944744, -0.007470486219972372, -0.031004272401332855, 0.0010486738756299019, 0.013636267744004726, 0.0013792341342195868, 0.014940972439944744, 0.014926943928003311, 0.016189560294151306, -0.0352691113948822, -0.010528826154768467, 0.038944732397794724, 0.030527282506227493, 0.03529717028141022, -0.019865181297063828, -0.009883488528430462, 0.014316678047180176, -0.022081775590777397, 0.0029268173966556787, 0.01097074244171381, -0.012850639410316944, -0.01066210214048624, 0.00817895494401455, 0.002241145819425583, -0.00832626037299633, -0.007954489439725876, 0.0022481605410575867, -0.014730536378920078, 0.011700254864990711, -0.010325404815375805, 0.0254487544298172, -0.008431478403508663, 0.012212316505610943, -0.002435799455270171, -0.004068433772772551, -0.010206157341599464, -0.018237806856632233, 0.02881573513150215, -0.02088930271565914, -0.008606841787695885, -0.026164239272475243, 0.02568724937736988, 0.0034371251240372658, 0.015768688172101974, -0.01726979948580265, 0.012563043273985386, 0.02586962841451168, -0.00989751797169447, -0.03201436623930931, -0.003777330508455634, -0.0356338694691658, 0.029208550229668617, 0.022825317457318306, 0.019388191401958466, 0.010767321102321148, -0.025659192353487015, 0.02974165417253971, 0.015221553854644299, -0.031144563108682632, -0.04020734876394272, -0.03644755482673645, 0.00912591814994812, 0.03717706725001335, -0.008775191381573677, -0.019219841808080673, -0.012317534536123276, 0.021857310086488724, 0.007372282911092043, 0.021183913573622704, 0.01189666148275137, -0.022348327562212944, 0.009771255776286125, 0.008480580523610115, 0.002833874663338065, 0.023007694631814957, 0.015305728651583195, 0.013608209788799286, -0.0072530354373157024, 0.01899537816643715, -0.009448586963117123, -0.04755859076976776, -0.025729337707161903, 0.0117704002186656, 0.00502591859549284, -0.009750212542712688, 0.013250468298792839, 0.024172108620405197, 0.0017369757406413555, -0.003503763349726796, -0.020454401150345802, -0.024200167506933212, -0.010002736002206802, 0.022446531802415848, -0.03246329724788666, -6.373368523782119e-05, 0.009883488528430462, -0.013215395621955395, 0.054432839155197144, 0.016750724986195564, -0.02962942235171795, -0.014492042362689972, 0.0014283359050750732, -0.001969332341104746, 0.007189904805272818, 0.02133823372423649, -0.01188964769244194, -0.006256970576941967, 0.02574336528778076, -0.005324036814272404, 0.014492042362689972, -0.023442596197128296, 0.015193495899438858, 0.01308913342654705, 0.004731308203190565, 0.007224977482110262, -0.6123414039611816, -0.0186306219547987, 0.0163579098880291, -0.03350144997239113, 0.00422626081854105, 0.008971597999334335, 0.019219841808080673, 0.0271743331104517, 0.00823507085442543, 0.027861757203936577, -0.03849580138921738, 0.00995363388210535, 0.0004989092121832073, -0.003331907093524933, -0.020734984427690506, -0.011952778324484825, 0.006993497721850872, -0.015558252111077309, 0.02316201478242874, 0.009785285219550133, -0.012310519814491272, 0.024859534576535225, -0.002786526456475258, -0.011426687240600586, 0.004015824757516384, 0.011784428730607033, 0.036166973412036896, -0.04393908753991127, 0.008403420448303223, 0.015993153676390648, -0.030078351497650146, 0.02415807917714119, 0.011468774639070034, 0.01972489058971405, 0.05008382350206375, -0.011082975193858147, -0.016273735091090202, 0.009869459085166454, 0.033164750784635544, 0.024607010185718536, -0.04301316663622856, -0.027819670736789703, 0.0015642426442354918, 0.010620015673339367, -0.01478665228933096, 0.014590245671570301, 0.013285540975630283, 0.0022095805034041405, -0.021983571350574493, -0.037345416843891144, 0.0028847299981862307, -0.0002158067363779992, -0.022600851953029633, 0.009883488528430462, 0.0023831904400140047, -0.010311375372111797, 0.02814233861863613, -0.011026858352124691, 0.014246532693505287, 0.007435413543134928, 0.015474077314138412, -0.0017606498440727592, -0.009238150902092457, -0.010669116862118244, -0.009392471052706242, 0.02463506907224655, -0.011903676204383373, 0.019626686349511147, -0.006586654111742973, -0.01715756766498089, 0.026528995484113693, 0.017494264990091324, 0.0029426000546664, -0.0066497852094471455, 0.021717019379138947, 0.03263164684176445, 0.017480237409472466, 0.010339433327317238, -0.018897173926234245, -0.0015142640331760049, 0.008873394690454006, 0.013867747969925404, -0.01515140850096941, 0.004584002774208784, 0.022109834477305412, 0.010255259461700916, -0.0459873303771019, 0.005408211145550013, -0.01373447198420763, -0.003731735982000828, 0.0018132588593289256, -0.008557740598917007, -0.028380833566188812, -0.042255595326423645, -0.006186825223267078, 0.008543711155653, 0.009687080979347229, 0.010620015673339367, 0.024943707510828972, -0.043854910880327225, -0.012464839965105057, -0.020075617358088493, 0.011791443452239037, -0.02059469372034073, -0.00456295907497406, 0.008389391005039215, 0.0003555495641194284, 0.0007759836153127253, 0.012036952190101147, -0.013825660571455956, 0.017985284328460693, -0.0037948668468743563, -0.012745421379804611, 0.012745421379804611, -0.013650297187268734, -0.02993806079030037, 0.03939366340637207, 0.010718218982219696, -0.02230624109506607, -0.005043454933911562, 0.028984084725379944, 0.004485798999667168, 0.004541915375739336, -0.011391614563763142, 0.017788875848054886, -0.003882548538967967, 0.007680922746658325, -0.018336011096835136, -0.0349043570458889, -0.005299485754221678, 0.030330875888466835, -0.010809407569468021, 0.011931734159588814, -0.009574848227202892, 0.023372450843453407, -0.012647218070924282, 0.008691016584634781, -0.0012371897464618087, 0.0018798969686031342, -0.009048758074641228, -0.030639516189694405, 0.01471650693565607, 0.011349527165293694, -0.04306928440928459, -0.006867235992103815, -0.00903472863137722, -0.03249135613441467, 0.012689304538071156, -0.01592300832271576, -0.020566634833812714, -0.020763041451573372, -0.0023656541015952826, -0.03277193754911423, 0.017985284328460693, 0.004748844541609287, -0.01257005799561739, 0.0038053884636610746, -0.018700767308473587, -0.004654148127883673, -0.020805129781365395, 0.008550725877285004, 0.042564235627651215, -0.01238066516816616, -0.011160135269165039, 0.0017106712330132723, -0.009189048781991005, 0.007109237369149923, 0.01623164862394333, 0.02619229629635811, -0.034455426037311554, 0.0024796403013169765, -0.023400509729981422, -0.019318046048283577, 0.016371939331293106, -0.016862956807017326, 0.0006466530030593276, -0.0035212996881455183, -0.00946963019669056, 0.0024322920944541693, -0.010381520725786686, 0.002134174108505249, 0.01701727695763111, 0.0021587249357253313, -0.011545934714376926, 0.023133955895900726, -0.00876116193830967, 0.008192984387278557, -0.002144695958122611, -0.003345936071127653, 0.0074985446408391, 0.009813343174755573, 0.0240879338234663, -0.014758594334125519, 0.012387679889798164, -0.011503847315907478, 0.020664839074015617, -0.008606841787695885, -0.0019851152319461107, -0.011952778324484825, 0.019766977056860924, 0.007624806370586157, -0.004612060729414225, -0.009118903428316116, -0.015530194155871868, 0.0233584214001894, -0.039056964218616486, 0.006804104894399643, -0.011945763602852821, 0.01247886847704649, 0.005951838102191687, 0.020370228216052055, -0.016203589737415314, -0.017971254885196686, -0.015179467387497425, 0.0037106922827661037, 0.028984084725379944, -0.02526637725532055, 0.012955857440829277, -0.014176387339830399, 0.014113256707787514, 0.005702822003513575, -0.003351197112351656, 0.030695632100105286, 0.0074424282647669315, -0.0021026087924838066, 0.005320529453456402, 0.023568857461214066, 0.024326428771018982, 0.005618647672235966, -0.0019132160814478993, -0.005208296701312065, -0.010830451734364033, 0.0212680883705616, 0.009918561205267906, 0.02139434963464737, -0.006888279225677252, 0.04357432946562767, -0.01374148577451706, 0.00823507085442543, 0.00525739835575223, 0.013187337666749954, 0.010542855598032475, 0.013355686329305172, -0.027076128870248795, 0.0034143279772251844, 0.001194225624203682, 0.03282805159687996, 0.014162358827888966, -0.0032810515258461237, 0.021674932911992073, -0.008522667922079563, 0.032968342304229736, -0.0014265823410823941, 0.01210709847509861, 0.023498712107539177, -0.00345816882327199, 0.01352403499186039, 0.014506070874631405, 0.02174507826566696, 0.032547470182180405, 0.004436697345227003, -0.009652008302509785, 0.02250264771282673, -0.014337722212076187, 0.0011793196899816394, -0.060325052589178085, 0.005699314642697573, 0.016750724986195564, 0.01407818403095007, -0.014576216228306293, 0.007849271409213543, -0.008396405726671219, -0.0005418732762336731, -0.024929679930210114, 0.007484515197575092, 0.001748374430462718, 0.013201366178691387, -0.019752947613596916, 0.02114182710647583, 0.014302649535238743, -0.04186278209090233, -0.014162358827888966, 0.011644138023257256, 0.024228224530816078, -0.004534900654107332, -0.004671684466302395, 0.004650640767067671, 0.01924790069460869, -0.027819670736789703, -0.008824292570352554, 0.003928143065422773, 0.006169288884848356, 0.01364328246563673, -0.027146274223923683, -0.009273223578929901, -0.011384599842131138, 0.024803416803479195, 0.01269631925970316, 0.0025936265010386705, 0.0014379809144884348, 0.019837122410535812, 0.0008776944596320391, -0.01726979948580265, -0.014772623777389526, 0.03922531381249428, -0.012527970597147942, -0.0039246357046067715, -0.016989218071103096, 0.006000939756631851, -0.009420529007911682, 0.0012959365267306566, 0.0003627832920756191, -0.0023042766842991114, 0.015095292590558529, 0.009168005548417568, -0.0037948668468743563, -0.02088930271565914, 0.010058851912617683, 0.04559451714158058, 0.00022084843658376485, -0.006197347305715084, -0.023582886904478073, -0.006179810967296362, 0.023582886904478073, 0.034764066338539124, 0.031874075531959534, -0.008284172974526882, 0.0031618045177310705, -0.0033967916388064623, -0.012906755320727825, -0.025182202458381653, 0.0055800676345825195, 0.0075686899945139885, -0.004787424113601446, -0.01269631925970316, -0.024621039628982544, 0.0163579098880291, 0.0023060303647071123, 0.04118938744068146, 0.002788280136883259, -0.006313086953014135, -0.02957330457866192, -0.005053977016359568, 0.017185626551508904, -0.022572793066501617, -0.020019499585032463, 0.004689220804721117, 0.012079039588570595, -0.008185969665646553, -0.017480237409472466, 0.03566192835569382, 0.005587081890553236, 0.006011461839079857, -0.032294947654008865, -0.004713771864771843, 0.011160135269165039, 0.024115992709994316, 0.01536184549331665, -0.004773395135998726, 0.022825317457318306, 0.01696116104722023, 0.020987506955862045, 0.014800681732594967, -0.012170229107141495, 0.02027202397584915, 0.003608981380239129, 0.006260477937757969, 0.008936525322496891, -0.0024515821132808924, -0.00332664605230093, 0.012759449891746044, 0.020692896097898483, -0.026009919121861458, -0.023807352408766747, 0.0015914239920675755, -0.018476301804184914, -0.009546790271997452, -0.018055429682135582, -0.009609920904040337, -0.011630109511315823, -0.017746789380908012, -0.002583104884251952, -0.0024743794929236174, -0.033894263207912445, 0.006747988518327475, -0.0053871674463152885, 0.01567048579454422, -0.0015458294656127691, -0.006846192292869091, -0.021801194176077843, -0.04315345734357834, -0.010991785675287247, -0.015291700139641762, -0.002293755067512393, 0.01466039102524519, -0.01060598623007536, -0.028843794018030167, 0.0002954875526484102, 0.002125405939295888, 0.017185626551508904, 0.015894949436187744, 0.0017027799040079117, -0.031004272401332855, 0.021436437964439392, -0.02839486300945282, -0.014842769131064415, 0.0027321637608110905, -0.012541999109089375, 0.00995363388210535, -0.007414369843900204, -0.01585286296904087, -0.0016808593645691872, -0.007351239211857319, -0.01832198165357113, 0.005324036814272404, -0.008733103983104229, 0.0053906748071312904, -0.005846620071679354, 0.015319758094847202, -0.002798801986500621, 0.014183402061462402, 0.0193601343780756, 0.011714283376932144, 0.0006128955283202231, 0.005695807281881571, 0.008627885952591896, -0.006179810967296362, -0.011763385497033596, 0.023610945791006088, 0.009602907113730907, 0.004608553368598223, 0.00045550675713457167, 0.003742257598787546, -0.010262273252010345, 0.030835922807455063, -0.016750724986195564, 0.008985627442598343, -0.00228147953748703, 0.028044136241078377, 0.037149008363485336, 0.02784772776067257, 0.008361333049833775, 0.006520016118884087, -0.016947131603956223, -0.020145762711763382, -0.0011100511765107512, 0.004370059352368116, 0.008431478403508663, -0.007575704250484705, 0.01478665228933096, -0.028479037806391716, -0.02052454650402069, -0.01752232387661934, 0.0026339602191001177, -0.012780494056642056, 0.019935326650738716, 0.006846192292869091, -0.008957569487392902, -0.03159349411725998, -0.005394182167947292, -0.0025936265010386705, -0.006155259907245636, -0.03411872684955597, -0.021352263167500496, 0.008403420448303223, -0.017241742461919785, 0.013313598930835724, -0.0014081691624596715, -0.02974165417253971, -0.02170298993587494, -0.021310176700353622, 0.013474933803081512, 0.03282805159687996, 0.022404445335268974, 0.00456295907497406, 0.0032950807362794876, -0.002299015875905752, -0.0221799798309803, -0.007821213454008102, -0.007435413543134928, -0.002534002996981144, 0.0235408004373312, 0.02685166336596012, 0.006600683089345694, 0.02912437543272972, 0.002009666059166193, -0.0032389643602073193, 0.02188536897301674, 0.00798956211656332, 0.004766380880028009, -0.0032389643602073193, -0.006495465058833361, -0.010178099386394024, 0.0008193860994651914, 0.03978647664189339, -0.013776558451354504, 0.023218130692839622, 0.013881776481866837, 0.02526637725532055, 0.011496832594275475, 0.012247389182448387, -0.014435925520956516, 0.007154832128435373, -0.05406808480620384, 0.005520443897694349, -0.014064154587686062, -0.010830451734364033, -0.0014467490836977959, -0.03987065330147743, -0.02962942235171795, 0.0009715139749459922, 0.0012950596865266562, 0.023063810542225838, -0.007246021181344986, 0.03759793937206268, 0.006050041876733303, -0.003207399044185877, 0.03207048028707504, 0.028479037806391716, -0.037766288965940475, 0.01825183629989624, -0.027454914525151253, -0.004145593848079443, 0.023021724075078964, -0.0034143279772251844, 0.023512741550803185, -0.004254319239407778, 0.006316594313830137, 0.006951410323381424, 0.013243453577160835, -0.003987766802310944, -0.007561675272881985, -0.0018904188182204962, 0.005601111333817244, -0.010928655043244362, -0.027861757203936577, -0.014590245671570301, 0.015951067209243774, -0.01327852625399828, -0.0028812228702008724, -0.016259705647826195, 0.004650640767067671, -0.021927455440163612, -0.005730879958719015, 0.010030793957412243, 0.012836609967052937, 0.045875098556280136, -0.019766977056860924, 0.023624975234270096, 0.03484823927283287, -0.0075897336937487125, -0.020454401150345802, 0.01770470105111599, 0.002037724247202277, 0.006716423202306032, 0.026332587003707886, 0.027076128870248795, -0.05039246380329132, -0.033164750784635544, -0.005295978393405676, -0.0084525216370821, -0.0007119759102351964, -0.04161025956273079, 0.0184482429176569, 0.025294436141848564, 0.006439348682761192, -0.023582886904478073, 0.00533105107024312, -0.03681231290102005, 0.04306928440928459, 0.0020464924164116383, 0.013096148148179054, 0.004555944353342056, -0.0050153969787061214, 0.003608981380239129, 0.021001536399126053, -0.010486738756299019, 0.04848450794816017, 0.00228849402628839, -0.0149970892816782, 0.009069801308214664, -0.0028829763177782297, -0.01296287216246128, 0.006674335803836584, -0.018602563068270683, 0.03700871765613556, -0.011328483931720257, -0.005032933317124844, 0.028899909928441048, 0.008536696434020996, 0.001460778177715838, -0.004457741044461727, 0.017620528116822243, 0.03566192835569382, -0.01973891817033291, -0.025112057104706764, -0.00566774932667613, 0.005250384099781513, 0.02692180871963501, 0.003186355344951153, -0.0015782717382535338, -0.016582375392317772, -0.015081263147294521, -0.012156199663877487, 0.014029081910848618, -0.000984666170552373, 0.03347339108586311, 0.015965094789862633, -0.004675191827118397, -0.018658678978681564, -0.038327451795339584, -0.00671291584149003, 0.005471342243254185, -0.0456225760281086, -0.025294436141848564, 0.00033450592309236526, -0.013566122390329838, 0.0007715995307080448, -0.0037843449972569942, -0.022965608164668083, 0.018602563068270683, 0.02039828523993492, -0.015502136200666428, 0.019823092967271805, 0.04377073794603348, 0.012668261304497719, -0.045454226434230804, -0.011875618249177933, -0.0020517532248049974, -0.022236095741391182, 0.036475613713264465, -0.022951578721404076, -0.024059876799583435, -0.005976389162242413, -0.0055590239353477955, 0.020370228216052055, 0.021801194176077843, -0.0018851578934118152, 0.004829511512070894, -0.006158767268061638, 0.006586654111742973, -0.003991273697465658, -0.019963383674621582, 0.03630726411938667, -0.01825183629989624, 0.020664839074015617, 0.02428434230387211, -0.016175532713532448, 0.030078351497650146, -0.018279893323779106, -0.00024002883583307266, -0.0066497852094471455, -0.04382685199379921, -0.011791443452239037, -0.0042999135330319405, 0.007231991738080978, 0.0040929848328232765, -0.008845336735248566, -0.009981691837310791, 0.012675276026129723, -0.01210709847509861, 0.01628776453435421, -0.004138579126447439, -0.013601195067167282, 0.01752232387661934, 0.0034897341392934322, -0.01536184549331665, -0.00369666307233274, -0.022025659680366516, -0.005734387319535017, 0.010844480246305466, 0.014744565822184086, -0.03372591361403465, -0.00820701289921999, 0.02592574432492256, 0.04051598906517029, 0.018111545592546463, -0.0292646661400795, -0.032042425125837326, -0.012850639410316944, -0.042255595326423645, -0.0261782668530941, -0.008824292570352554, 0.003973737359046936, -0.004152608569711447, 0.008648929186165333, -0.008199998177587986, 0.02672540210187435, -0.009827371686697006, -0.013902820646762848, -0.003163557965308428, -0.006597175728529692, -0.00271813478320837, 0.013159278780221939, 0.001677352120168507, 0.012485883198678493, -0.0459873303771019, -0.0032547470182180405, -0.007407355587929487, 0.017606498673558235, -0.007018048316240311, 0.008943540044128895, -0.014955001883208752, -0.0032266888301819563, -0.0031179634388536215, -0.008971597999334335, -0.005267920438200235, -0.0001957495405804366, -0.003977244719862938, -0.035493578761816025, -0.007081179413944483, 0.006891786586493254, -0.004208724480122328, -0.01327852625399828, -0.0004425737133715302, -0.0053100078366696835, -0.002521727466955781, -0.006127201486378908, -0.017550382763147354, -0.010648073628544807, 0.023891527205705643, -0.01881299912929535, 0.014344736933708191, -0.005555516574531794, 0.008389391005039215, 0.059090495109558105, -0.016442084684967995, 0.01121625117957592, -0.007933446206152439, -0.007309151813387871, -0.033641740679740906, -0.008115824311971664, 0.006165781524032354, -0.01812557503581047, -0.0004099122597835958, -0.0048435404896736145, 0.003477458842098713, -0.00200440501794219, -0.011223265901207924, 0.0011065438156947494, -0.017255771905183792, -0.014828739687800407, 0.022236095741391182, 0.0005900982650928199, -0.02668331377208233, -0.0184482429176569, -0.0075476462952792645, -0.0015063727041706443, 0.011040887795388699, 0.011686225421726704, -0.00425782660022378, -0.018841058015823364, 0.007133788429200649, 0.0033915305975824594, -0.004233275540173054, -0.010844480246305466, 0.014407867565751076, 0.008466551080346107, 0.005794011056423187, 0.019163725897669792, 0.19247901439666748, -0.0003794428484980017, 0.03330504149198532, 0.009090845473110676, 0.005867663770914078, -0.009322324767708778, 0.048456449061632156, 0.006344652269035578, 0.008634899742901325, -0.006179810967296362, -0.009546790271997452, 0.017802905291318893, -0.023554829880595207, -0.0038088958244770765, 0.03479212522506714, -0.024045847356319427, -0.05566740036010742, -0.04767082259058952, -0.03338921442627907, -0.0003719898813869804, -0.013874762691557407, 0.0009101367322728038, -0.010816422291100025, -0.030134469270706177, 0.016189560294151306, -0.036054741591215134, -0.0311726201325655, -0.008922495879232883, 0.013208380900323391, 0.003956201020628214, -0.03148126229643822, -0.011588022112846375, 0.028675444424152374, -0.001407292322255671, -0.007039092015475035, -0.01621761918067932, 0.03164960816502571, 0.012001879513263702, 0.0001665953459450975, 0.021801194176077843, -0.02445269003510475, -0.03975841775536537, 0.0015125104691833258, 0.003640546929091215, 0.010956712998449802, 0.010367492213845253, -0.00835431832820177, 0.017466207966208458, -0.00014303087664302438, -0.003987766802310944, -0.02506997063755989, -0.019332075491547585, 0.03232300654053688, 0.03246329724788666, -0.030527282506227493, 0.0007536247721873224, -0.012654231861233711, 0.023947643116116524, 0.0019272451754659414, 0.005636184010654688, -0.02212386205792427, 0.008031649515032768, 0.030330875888466835, 0.006214883644133806, -0.006744481157511473, 0.017227713018655777, -0.01978100650012493, 0.0045138574205338955, 0.006050041876733303, 0.002379683079198003, 0.013229424133896828, -0.010072881355881691, -0.008536696434020996, -0.0010793624678626657, -0.046492379158735275, -0.014435925520956516, 0.040964920073747635, 0.008501623757183552, -0.014435925520956516, 0.044836945831775665, -0.00454893009737134, 0.02470521442592144, -0.006141230929642916, 0.01502514723688364, -0.02341453917324543, -0.05224430188536644, -0.008824292570352554, -0.0018132588593289256, -0.009673052467405796, -0.02525234781205654, -0.013117192313075066, 0.028296658769249916, -0.01397998072206974, -0.006846192292869091, 0.011489818803966045, 0.004163130186498165, 0.017283828929066658, -0.0022446531802415848, -0.008094780147075653, 0.01155294943600893, -0.011040887795388699, 0.03916919603943825, 0.01478665228933096, -0.019065523520112038, -0.0127243772149086, 0.004457741044461727, 0.0037141996435821056, 0.004706757143139839, 0.01223335973918438, 0.011573992669582367, 0.002020187908783555, -0.025953801348805428, -0.011573992669582367, -0.015291700139641762, 0.008192984387278557, 0.02182925119996071, 0.005888707470148802, -0.013383744284510612, -0.00536261685192585, -0.015810776501893997, 0.011980836279690266, -0.017536353319883347, 0.0015502135502174497, 0.030835922807455063, -0.01051479671150446, 0.019093580543994904, -0.015712572261691093, -0.005664241965860128, -0.020636780187487602, -0.03400649502873421, 0.019766977056860924, -0.016610434278845787, 0.011721298098564148, -0.003843968501314521, 0.01019914261996746, -0.008585798554122448, -0.019500425085425377, -0.003903592238202691, -0.02034216932952404, -0.0034195887856185436, 0.009932590648531914, -0.014814711175858974, 0.004180666524916887, 0.030274759978055954, -0.0014511331683024764, -0.013488962315022945, 0.006656799465417862, 0.010683146305382252, 0.003338921582326293, -0.03849580138921738, -0.0018044906901195645, -0.019654743373394012, 0.007540631573647261, -0.0037212141323834658, 0.027511030435562134, -0.005552009213715792, -0.005110093392431736, -0.05207595229148865, 0.014463983476161957, 0.003854490350931883, -0.03627920523285866, 0.002541017485782504, 0.037710174918174744, -0.013874762691557407, -0.003096919972449541, -0.014744565822184086, -0.18002118170261383, 0.020075617358088493, 0.024017788469791412, -0.027791611850261688, 0.00562215456739068, 0.03136902675032616, 0.01416937354952097, 0.003572155022993684, 0.007330195512622595, -0.004626089707016945, 0.0025199740193784237, -0.005930794402956963, 0.007154832128435373, -0.01133549865335226, 0.0008106179302558303, 0.004745337180793285, 0.013488962315022945, 0.0008053570054471493, 0.010844480246305466, 0.009904531762003899, -0.005201282445341349, -0.024494778364896774, 0.01764858514070511, 0.013727457262575626, -0.02170298993587494, 0.014856798574328423, -0.020314110442996025, 0.01060598623007536, -0.02219400741159916, -0.0048400335945189, 0.013825660571455956, -0.013453889638185501, 0.016736695542931557, -0.006688364781439304, -0.0062499563209712505, 0.016806840896606445, -0.01928998902440071, 0.009862445294857025, -0.005713343620300293, 0.05260905995965004, 0.021646874025464058, 0.02428434230387211, 0.01923387125134468, 0.0021604786161333323, -0.02396167255938053, -0.011882632970809937, 0.012121126987040043, -0.0034178351052105427, -0.0063516669906675816, -0.019682802259922028, -0.01788708008825779, -0.013552093878388405, 0.04062822088599205, 0.00970812514424324, 0.009876473806798458, 0.013699399307370186, 0.019261930137872696, 0.004917193204164505, 0.013404788449406624, -0.015572281554341316, -0.026388702914118767, -0.007330195512622595, 0.007954489439725876, -0.013264497742056847, 0.00038514213520102203, -0.0349043570458889, -0.028899909928441048, -0.023119928315281868, -0.028058163821697235, 0.0022043194621801376, -0.020819157361984253, -0.0065831467509269714, 0.019318046048283577, -0.0005975512322038412, 0.016568345949053764, 0.001524785882793367, 0.001780816586688161, -0.0023621467407792807, -0.013404788449406624, 0.010991785675287247, -0.015474077314138412, 0.0379907563328743, 0.001888665254227817, -0.005618647672235966, 0.012534985318779945, -0.024985795840620995, -0.01579674705862999, -0.02088930271565914, 0.006618219427764416, 0.0007220593397505581, 0.008712059818208218, -0.0032635151874274015, 0.0040929848328232765, -0.019991442561149597, 0.023512741550803185, -0.012422752566635609, 0.0004905794630758464, -0.00451736431568861, 0.012773479335010052, -0.010528826154768467, -0.002560307504609227, 0.0012170228874310851, -0.02643079124391079, -0.009483659639954567, 0.04898955672979355, 0.01672266609966755, -0.00881727784872055, -0.007484515197575092, 0.025126086547970772, -0.017592469230294228, -0.007179382722824812, 0.016456114128232002, 0.01825183629989624, 3.046941310458351e-05, -0.0031512826681137085, 0.024817446246743202, 0.002311291405931115, -0.037513766437768936, 0.017662614583969116, -0.007884344086050987, 0.05561128258705139, 0.00774405337870121, -0.03201436623930931, -0.015838833525776863, 0.0076949517242610455, 0.0024498284328728914, -0.0903472900390625, 0.006011461839079857, 0.016554316505789757, 0.02230624109506607, -0.05109391734004021, 0.0051627024076879025, -0.009280238300561905, -0.00011793197336373851, -0.011966806836426258, 0.03877638280391693, -0.005516936536878347, -0.014435925520956516, -0.015277670696377754, 0.00317407981492579, 0.010220186784863472, 0.00017437711358070374, 0.016568345949053764, -0.025546958670020103, -0.0026935837231576443, 0.021169885993003845, 0.007484515197575092, -0.006947902962565422, -0.019135668873786926, -0.0068988013081252575, 0.0043665519915521145, 0.002802309114485979, -0.03644755482673645, 0.02648690715432167, 0.018897173926234245, 0.011686225421726704, 0.0026006412226706743, -0.03473600745201111, 0.005253891460597515, -0.023582886904478073, -0.0015800254186615348, -0.0037948668468743563, -0.02187133952975273, 0.011061931028962135, 0.027132244780659676, -0.026472877711057663, 0.01358716655522585, 0.008164925500750542, 0.021787164732813835, 0.002777758287265897, -0.012079039588570595, -0.007330195512622595, -0.02342856675386429, 0.03319280967116356, -0.012913770042359829, -0.022699054330587387, -0.005380153190344572, -0.01770470105111599, -0.005618647672235966, 0.00346518331207335, 0.023021724075078964, -0.011966806836426258, -0.004096492193639278, 0.005762445740401745, -0.020945420488715172, 0.004036868456751108, -0.02396167255938053, -0.006842684932053089, -0.016989218071103096, 0.0212680883705616, 0.019037464633584023, 0.013334643095731735, -0.03207048028707504, -0.03566192835569382, 0.009175020270049572, -0.004896149504929781, -0.022642938420176506, 0.02470521442592144, -0.020314110442996025, 0.013334643095731735, -0.036531731486320496, -0.012527970597147942, -0.02815636806190014, -0.02526637725532055, 0.007196919061243534, -0.007470486219972372, -0.011300425976514816, -0.02704806998372078, -0.015600339509546757, -0.010949698276817799, 0.004156115464866161, -0.014330707490444183, -0.014870827086269855, 0.014127286151051521, 0.021282117813825607, -0.03956201300024986, 0.0345395989716053, 0.012703333981335163, -0.000631747127044946, -0.015137379989027977, -0.0037808376364409924, 0.029404956847429276, -0.006239434238523245, -0.009546790271997452, 0.014814711175858974, -0.0005011012544855475, -0.03706483542919159, 0.011833530850708485, -0.08355721086263657, 0.01868673786520958, 0.004012317396700382, -0.010935669764876366, 0.0019395205890759826, -0.01714353822171688, 0.015081263147294521, 0.001888665254227817, -0.011756370775401592, -0.003065354423597455, -0.032603587955236435, 0.015347816050052643, -0.00827014446258545, -0.006306072697043419, 0.0037001704331487417, -0.005278442054986954, 0.021674932911992073, 0.005078527610749006, 0.01948639564216137, 0.022755172103643417, 0.003082890762016177, 0.01349597703665495, 0.0169050432741642, 0.028296658769249916, -0.011602050624787807, -0.0059553454630076885, -0.006856713909655809, 0.006863728631287813, -0.002809323836117983, 0.009939604438841343, 0.022755172103643417, -0.04724995046854019, 0.005965867079794407, 0.017410090193152428, -0.0011845806147903204, -0.02039828523993492, -0.004643626045435667, -0.0023639004211872816, 0.0047628735192120075, 0.040600165724754333, -0.04629597067832947, -0.020384255796670914, -0.010620015673339367, 0.0005598480929620564, -0.000742664560675621, 0.012619159184396267, 0.03237912058830261, 0.008957569487392902, 0.004015824757516384, -0.010977757163345814, 0.045566458255052567, 0.021352263167500496, -0.003321385243907571, -0.06054951995611191, -0.018364068120718002, 0.006797090172767639, 0.0084525216370821, -0.008915482088923454, 0.009448586963117123, -0.02041231468319893, 0.037149008363485336, 0.0027374245692044497, 0.04155414178967476, 0.008157911710441113, 0.017353974282741547, -0.007687937002629042, 0.001412553247064352, -0.0019728397019207478, -0.008901452645659447, -0.023218130692839622, 0.0017755557782948017, 0.0017282075714319944, 0.005965867079794407, 0.016301793977618217, 0.012029938399791718, -0.0012240373762324452, -0.013846703805029392, 0.019346104934811592, -0.025589046999812126, 0.0026550039183348417, 0.03627920523285866, -0.010402564890682697, -0.01830795221030712, 0.015782717615365982, 0.019275959581136703, -0.0013818646548315883, -0.019065523520112038, 0.022236095741391182, 0.0012880450813099742, 0.011945763602852821, -0.00783524289727211, 0.005636184010654688, -0.0010495507158339024, 0.0010048330295830965, -0.01696116104722023, 0.030779806897044182, -0.03400649502873421, 0.013474933803081512, 0.03136902675032616, 0.03818716108798981, -0.0007014541188254952, 0.0035511115565896034, -0.00922412145882845, -0.013075104914605618, -0.03717706725001335, 0.0034336179960519075, -0.028843794018030167, 0.0035476041957736015, 0.001999144209548831, -0.013047046959400177, 0.01478665228933096, 0.005527458619326353, -0.0026357138995081186, 0.0063621886074543, -0.02439657412469387, -0.004759366158396006, 0.008866379968822002, -0.01745217852294445, -0.029881944879889488, 0.0356338694691658, -0.013004959560930729, 0.0027567145880311728, 0.02366706170141697, 0.004324464593082666, 0.035128820687532425, 0.0219976007938385, 0.034202903509140015, -0.010374506004154682, 0.021240031346678734, -0.038804441690444946, -0.001727330731227994, -0.005338065791875124, -0.010956712998449802, 0.008627885952591896, -0.02330230548977852, -0.0023077840451151133, 0.004310435615479946, -0.004338493570685387, -0.005401196889579296, 0.09478048235177994, 0.03655978664755821, -0.015965094789862633, -0.0016641998663544655, -0.03361368179321289, 0.0018325488781556487, 0.04396714270114899, -0.006344652269035578, -0.02015979215502739, -0.03737347573041916, -0.013404788449406624, -0.005769459996372461, 0.005453805904835463, -0.024003759026527405, 0.0002507698372937739, -0.006064070854336023, -0.01696116104722023, 0.02476133033633232, 0.005348587408661842, 0.003868519328534603, 0.010248244740068913, 0.017353974282741547, 0.025210261344909668, 0.00915397610515356, -0.01961265690624714, -0.011819501407444477, 0.01026928797364235, -0.012983915396034718, 0.027511030435562134, -0.032968342304229736, -0.0057273730635643005, 0.010065866634249687, -0.032856110483407974, -0.01293481420725584, -0.013657311908900738, -0.004882120527327061, -0.007414369843900204, 0.0027724974788725376, 0.043237630277872086, 0.009827371686697006, 0.021674932911992073, 0.021843280643224716, 0.0021710004657506943, 0.0062499563209712505, -0.010549870319664478, -0.012591101229190826, -0.02846500836312771, -0.006000939756631851, -0.02464909665286541], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='187d7020-599b-478f-9215-a7138d21c5ac', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '11', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='304859b3123990b473402f747c3eab6b5f4a21377fcb90160eda3981a4584a89'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='bdd96c0e-cefb-4c2d-a5de-cc64c71e98e5', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='fa47c2d1f0428fdb761ae269f018a23b53a9f11c8b18999abd071bd8a444f414')}, hash='c4bf92ddcfaefa721ad4c30f7d56818c8f4be634b5a22eecddddcf8f5b2db828', text='12 IEEE TRANSACTIONS ON JOUR NAL NAME, MANUSCRIP T ID [10] J. Wang , J. Wang, G. Zeng, R. Gan, S. Li, and B. Guo, \"Fast neighborhood graph search using cartesian concatenation,\" in Multimedia Data Mining and Analytics : Springer, 2015, pp. 397-417. [11] M. Norouzi, A. Punjani, and D. J. Fleet, \"Fast exact search in hamming spac e with multi-index hashing,\" Pattern Analysis and Machine Intelligence, IEEE Transactions on, vol. ', start_char_idx=0, end_char_idx=429, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
460
       " TextNode(id_='bdd96c0e-cefb-4c2d-a5de-cc64c71e98e5', embedding=[-0.0069638388231396675, 0.027509069070219994, -0.0004886980750598013, -0.014779544435441494, 0.00986918993294239, 0.01052713580429554, -0.009751452133059502, -0.0017314368160441518, -0.03529360890388489, -0.05850871279835701, 0.010506358928978443, 0.013962307013571262, 0.004148522857576609, 0.00676299212500453, -0.006312818732112646, 0.016580238938331604, 0.020347844809293747, -0.003398810513317585, 0.009917669929564, -0.0019080433994531631, -0.030584100633859634, 0.007140445522964001, -0.012570231221616268, -0.02917124703526497, 0.007140445522964001, 0.029005030170083046, 0.022287053987383842, -0.02572222612798214, 0.0006453930982388556, -0.019253578037023544, 0.023505985736846924, -0.02148366905748844, -0.006413241848349571, 0.021691441535949707, 0.0021521758753806353, -0.006420167628675699, 0.02371375821530819, -0.030417881906032562, 0.035903073847293854, -0.0039580645971000195, 0.004321666434407234, -0.0030681060161441565, -0.011572923511266708, -0.0034611423034220934, -0.0034992338623851538, -0.010180848650634289, 0.008200084790587425, -0.0185194481164217, -0.005305122584104538, 0.025569859892129898, 0.021095827221870422, 0.03011314943432808, -0.015278198756277561, 0.009730675257742405, -0.012847261503338814, -0.005841867998242378, 0.005294733680784702, 0.026040809229016304, 0.002103695645928383, -0.024835729971528053, 0.003916509915143251, -0.002121010096743703, -0.02146981656551361, 0.013546762056648731, -0.01957216113805771, -0.030833426862955093, -0.023256659507751465, 0.005634095519781113, 0.00010680800914997235, -0.01405926700681448, 0.015818407759070396, 0.036318618804216385, -0.014918060041964054, -0.004093116614967585, 0.04061258211731911, -0.01587381213903427, -0.00406887661665678, -0.002538286382332444, -0.02026473730802536, 0.021289747208356857, 0.0006060028681531549, -0.025528304278850555, -0.003384958952665329, 0.0201262217015028, 0.0011107167229056358, 0.02320125326514244, 0.02146981656551361, 0.011115824803709984, -0.023824570700526237, -0.00672490056604147, 0.03094423934817314, 0.022453272715210915, 0.03665105625987053, -0.01745288260281086, -0.017300516366958618, 0.008961916901171207, -0.016344763338565826, 0.00376414367929101, 0.011164304800331593, -0.01466873288154602, -0.01825626939535141, 0.0038334012497216463, 0.006479036528617144, -0.01059639360755682, -0.0048584118485450745, -0.0010570421582087874, -0.018491744995117188, 0.007542138919234276, -0.0029122766572982073, 0.02784150466322899, -0.005419397260993719, 0.008767995983362198, -0.002482880372554064, -0.003895732806995511, -0.01093575544655323, -0.02080494537949562, 0.02345058135688305, -0.023533688858151436, -0.003674109000712633, -0.022591788321733475, 0.020957311615347862, 0.008809550665318966, 0.013560613617300987, -0.025223571807146072, 0.009045026265084743, 0.022467125207185745, -0.011953840032219887, -0.027232037857174873, -0.003159872256219387, -0.032717231661081314, 0.024766473099589348, 0.020874202251434326, 0.007756837178021669, 0.007999238558113575, -0.02077724225819111, 0.02770298905670643, 0.018505597487092018, -0.03587537258863449, -0.030334772542119026, -0.03798079863190651, 0.014585623517632484, 0.03717740997672081, -0.00940516497939825, -0.016829565167427063, -0.013657573610544205, 0.032440200448036194, -0.0012925176415592432, 0.016164693981409073, 0.014474811963737011, -0.0210404209792614, 0.013976158574223518, 0.00833859946578741, 0.0015816675731912255, 0.028894217684864998, 0.022979630157351494, 0.012757226824760437, -0.003024820238351822, 0.029254356399178505, -0.009121209383010864, -0.04543290287256241, -0.03227398172020912, 0.015098129399120808, -0.0009358415845781565, -0.0024707603733986616, 0.012348607182502747, 0.019502904266119003, -0.0011392853921279311, 0.006202006712555885, -0.021123528480529785, -0.023796867579221725, -0.00733436644077301, 0.014419405721127987, -0.033105071634054184, 0.009709897451102734, 0.009148912504315376, -0.003739903448149562, 0.050834983587265015, 0.015569079667329788, -0.033271290361881256, -0.01493191160261631, 0.0019011176191270351, -0.0072027770802378654, -0.005575226619839668, 0.01627550646662712, -0.010693353600800037, -0.00030776290805079043, 0.02824319712817669, -0.0036290916614234447, 0.011815325357019901, -0.01907350867986679, 0.019655270501971245, 0.009252798743546009, -0.012604860588908195, 0.005644483957439661, -0.6192172169685364, -0.017799170687794685, 0.03066720999777317, -0.027245890349149704, 0.00579685065895319, 0.0018474430544301867, 0.021081974729895592, 0.025680670514702797, 0.01572144590318203, 0.029753010720014572, -0.03252330794930458, 0.006188155151903629, -0.006655643228441477, 0.0038022352382540703, -0.025348234921693802, -0.02212083712220192, 0.003384958952665329, -0.02401849254965782, 0.02692730538547039, 0.0009548874222673476, -0.014093895442783833, 0.022688748314976692, 0.0008419111836701632, -0.001013756264001131, -0.003667183220386505, 0.009273575618863106, 0.03174762427806854, -0.046845756471157074, 0.008248564787209034, 0.027093524113297462, -0.023298213258385658, 0.03202465549111366, 0.015361307188868523, 0.023284362629055977, 0.04709508270025253, -0.016774160787463188, -0.011586775071918964, 0.018491744995117188, 0.02839556336402893, 0.02399078942835331, -0.04620858654379845, -0.029392872005701065, -0.0024413259234279394, 0.00945364497601986, -0.009245872497558594, 0.027689138427376747, 0.014294742606580257, 0.004757988266646862, -0.02397693693637848, -0.03756525367498398, 0.0003917375870514661, 0.00029174709925428033, -0.012646414339542389, 0.012660265900194645, 0.0038437896873801947, -0.011607552878558636, 0.019807636737823486, -0.008110050112009048, 0.018117755651474, 0.0072097028605639935, 0.01013929396867752, -0.009349758736789227, 0.0006743946578353643, -0.014197781682014465, -0.020957311615347862, 0.029919227585196495, -0.012126983143389225, 0.0038645670283585787, -0.016774160787463188, -0.012625637464225292, 0.02345058135688305, 0.008581001311540604, 0.011081195436418056, 0.002520971931517124, 0.016898823902010918, 0.01997385546565056, 0.021622182801365852, 0.010561764240264893, -0.020555617287755013, -0.012978850863873959, 0.011752992868423462, 0.011559071950614452, -0.008366302587091923, -0.0019669122993946075, 0.028354009613394737, 0.011295894160866737, -0.0370388962328434, 0.0072374059818685055, -0.011365151032805443, -0.0028655279893428087, 0.009481348097324371, -0.004896503407508135, -0.026816492900252342, -0.04149907827377319, -0.005111201666295528, 0.013248954899609089, 0.0023686056956648827, 0.0064928880892694, 0.017300516366958618, -0.0525248683989048, -0.016344763338565826, -0.01412852481007576, 0.007874574512243271, -0.017965389415621758, -0.006049640476703644, 0.009141986258327961, 0.0026923841796815395, 0.0057518333196640015, 0.010457878932356834, -0.018228566274046898, 0.01132359728217125, -0.011898433789610863, -0.007618322037160397, 0.008636406622827053, -0.005107738543301821, -0.023658351972699165, 0.04213624820113182, 0.0034576794132590294, -0.015776852145791054, -0.0015210672281682491, 0.03202465549111366, -0.004010007716715336, 0.00979300681501627, -0.013657573610544205, 0.009169689379632473, -0.008747219108045101, 0.00506964698433876, -0.011115824803709984, -0.034213192760944366, -0.01093575544655323, 0.022619491443037987, -0.011039641685783863, 0.010367843322455883, -0.014724139124155045, 0.023921530693769455, 0.001121971057727933, 0.010291660204529762, 0.0010475192684680223, -0.008587926626205444, -0.013574465177953243, -0.026470206677913666, 0.003739903448149562, 0.01531975343823433, -0.04252408817410469, 0.007285885978490114, 0.00019078269542660564, -0.03385305404663086, 0.018713369965553284, -0.008380154147744179, -0.00479954294860363, -0.019558310508728027, -0.0013583122054114938, -0.026816492900252342, 0.025375938042998314, 0.004958834964782, -0.005131978541612625, -0.0023322454653680325, -0.013352841138839722, -0.016871120780706406, -0.02559756301343441, -0.0036117772106081247, 0.04438018798828125, -0.01786842755973339, -0.01432244572788477, 0.003660257440060377, -0.00779839139431715, 0.0072374059818685055, 0.01572144590318203, 0.01784072443842888, -0.03789769113063812, -0.004113893955945969, -0.016746457666158676, -0.021428262814879417, 0.018893439322710037, -0.014197781682014465, 0.001880340394563973, -0.0003285401326138526, -0.011379002593457699, 0.0015738761285319924, -0.01247327122837305, 0.008948065340518951, 0.0054367114789783955, -0.008913436904549599, -0.014280891045928001, 0.026470206677913666, -0.0011496740626171231, 0.01306195929646492, -3.043541255465243e-05, -0.004435941111296415, 0.011351299472153187, 0.027813801541924477, 0.023796867579221725, -0.011974616907536983, 0.012168537825345993, -0.018076200038194656, 0.017799170687794685, -0.0015626217937096953, 0.0014189124340191483, -0.01892114244401455, 0.02237016335129738, 0.009495199657976627, -0.004293963313102722, -0.005838404875248671, -0.024281669408082962, 0.018297825008630753, -0.0412774533033371, 0.010347066447138786, -0.011552146635949612, 0.012798781506717205, 0.012043874710798264, 0.02892192080616951, -0.0072651091031730175, -0.012978850863873959, -0.013103513978421688, 0.006918821483850479, 0.031027348712086678, -0.018187012523412704, 0.01286803837865591, -0.01026395708322525, 0.011642181314527988, 0.007008856162428856, -0.01405926700681448, 0.03014085255563259, 0.011752992868423462, -0.0039580645971000195, 0.0008505683508701622, 0.006375150289386511, 0.022633342072367668, -0.0023253196850419044, -0.004377072211354971, -0.007971535436809063, -0.007888426072895527, 0.01890728995203972, 0.009058877825737, 0.02105427160859108, 0.00138255232013762, 0.0412774533033371, -0.010291660204529762, 0.0060842689126729965, 0.008740292862057686, 0.014876505360007286, 0.020458657294511795, 0.01876877434551716, -0.027522919699549675, 0.0026923841796815395, -0.004127745516598225, 0.028229346498847008, 0.01854715123772621, -0.006198544055223465, 0.011690661311149597, -0.008968843147158623, 0.029115842655301094, -0.0011834370670840144, 0.007154297083616257, 0.016718754544854164, -0.011475963518023491, 0.01876877434551716, 0.018893439322710037, 0.026026958599686623, 0.024891136214137077, 0.00847711507230997, -0.017411328852176666, 0.0237414613366127, -0.008497891947627068, 0.0063232071697711945, -0.058176279067993164, 0.008006163872778416, 0.01025703176856041, 0.016220100224018097, -0.017134299501776695, 0.0015383816789835691, -0.01547211967408657, 0.0015894590178504586, -0.015915367752313614, 0.014724139124155045, 0.0015859961276873946, 0.013408246450126171, -0.025556007400155067, 0.029891526326537132, 0.013276658020913601, -0.040723394602537155, -0.015042723156511784, 0.009585234336555004, 0.012556379660964012, -0.004896503407508135, -0.017909983173012733, -0.003760680789127946, 0.01786842755973339, -0.02853407897055149, -0.009349758736789227, -0.006177766714245081, 0.0015695474576205015, 0.007320514880120754, -0.020237034186720848, -0.017300516366958618, -0.00027681345818564296, 0.018754923716187477, 0.004470570012927055, 0.00027984348707832396, 0.006177766714245081, 0.019115062430500984, 0.013387469574809074, -0.01067257672548294, -0.003388421842828393, 0.036041587591171265, -0.024891136214137077, -0.0072789606638252735, -0.014280891045928001, -0.0045294389128685, -0.0020863814279437065, 0.013685276731848717, -0.0007553393370471895, 0.004553678911179304, 0.017632951959967613, 0.007182000204920769, -0.006752603687345982, -0.00938438717275858, 0.020611023530364037, 0.034988876432180405, 0.0004183584242127836, -0.008352451026439667, -0.019419794902205467, -0.006049640476703644, 0.02241171896457672, 0.03316047787666321, 0.02944827824831009, -0.006229709833860397, 0.004235094413161278, -0.002134861657395959, -0.013657573610544205, -0.02667797915637493, 0.00952290277928114, 0.0027235501911491156, 0.009924596175551414, -0.01512583252042532, -0.0204171035438776, 0.0116698844358325, 0.0072789606638252735, 0.043521396815776825, 0.0012241258518770337, 0.0024880748242139816, -0.03235709294676781, -0.0011955571826547384, 0.017162002623081207, -0.027689138427376747, -0.012895741499960423, 0.0021591016557067633, 0.01572144590318203, 0.004113893955945969, -0.006690272130072117, 0.037232816219329834, 0.00429742643609643, 0.006686809007078409, -0.025154314935207367, -0.014502515085041523, 0.011884582228958607, 0.02146981656551361, 0.011482888832688332, -0.0014457497745752335, 0.01351905893534422, 0.0141354501247406, 0.023505985736846924, 0.017826873809099197, -0.008026940748095512, 0.023270510137081146, 0.006627940107136965, 0.0034559478517621756, 0.014876505360007286, -0.00580031331628561, -0.005176996346563101, 0.010589467361569405, 0.014488663524389267, -0.024281669408082962, -0.02919895015656948, 0.009841486811637878, -0.012805706821382046, -0.01743903197348118, -0.013983083888888359, -0.010028482414782047, -0.013955380767583847, -0.010173922404646873, -0.0026040810626000166, -0.007881500758230686, -0.035404421389102936, 0.008885733783245087, -0.003784921020269394, 0.019544459879398346, -0.002382457023486495, -0.009051951579749584, -0.02038940042257309, -0.03570915386080742, -0.013754534535109997, -0.02478032372891903, -0.005748370196670294, 0.017826873809099197, -0.013948455452919006, -0.030334772542119026, -0.021386707201600075, 0.004183151293545961, 0.017619101330637932, 0.009675269015133381, 0.0023235881235450506, -0.03249560669064522, 0.02106812410056591, -0.019156618043780327, -0.025015799328684807, -3.6082872156839585e-06, -0.010270883329212666, 0.009813783690333366, -0.008698739111423492, -0.013574465177953243, -0.005987308453768492, -0.011164304800331593, -0.03255101293325424, 0.015416713431477547, -0.011288967914879322, -0.002661218401044607, -0.005658335518091917, 0.02493268996477127, 0.002898425329476595, 0.019225874915719032, 0.0249465424567461, 0.013560613617300987, -0.021275896579027176, 0.010284734889864922, 0.002011929638683796, -0.004048099275678396, -0.004976149648427963, 0.020569469779729843, 0.008767995983362198, 0.004276649095118046, -0.006347447633743286, 0.0013461920898407698, -0.016857268288731575, 0.0278692077845335, -0.01664949581027031, 0.007008856162428856, -0.0017955000512301922, 0.02332591637969017, 0.026747236028313637, 0.03487806394696236, 0.0038507154677063227, 0.023090440779924393, -0.019960002973675728, -0.011240487918257713, 0.004162373952567577, 0.005966531112790108, 0.008615629747509956, -0.006423630751669407, 0.018353231251239777, -0.026885751634836197, -0.011226636357605457, -0.028035424649715424, -0.0026958470698446035, -0.007341292221099138, 0.007729134056717157, 0.005990771576762199, -0.008504817262291908, -0.03401926904916763, -0.009883041493594646, -0.007285885978490114, -0.007666802499443293, -0.03171992301940918, -0.019115062430500984, 0.01459947507828474, -0.014010787010192871, 0.013837642967700958, -0.0002447818696964532, -0.02570837363600731, -0.024337075650691986, -0.019696826115250587, 0.0013254148652777076, 0.025085056200623512, 0.02480802685022354, 0.0016024447977542877, -0.00374682922847569, 0.006011548452079296, -0.026470206677913666, -0.013297434896230698, -0.012487122789025307, -0.010194700211286545, 0.025902295485138893, 0.03304966539144516, 0.010146220214664936, 0.02825704962015152, 0.004224705975502729, 0.004377072211354971, 0.022730302065610886, 0.005634095519781113, -0.003414393402636051, -0.006229709833860397, -0.011856879107654095, -0.019904598593711853, 0.005128515884280205, 0.03836863860487938, -0.011572923511266708, 0.023963086307048798, 0.012944221496582031, 0.02106812410056591, 0.02317355014383793, 0.00353213120251894, -0.0197245292365551, 0.002512314822524786, -0.05612625554203987, 0.0015747417928650975, -0.011385928839445114, -0.003895732806995511, 0.006804546806961298, -0.04016933590173721, -0.027107374742627144, 0.00799231231212616, 0.006156989373266697, 0.019946152344346046, -0.009342833422124386, 0.03144289180636406, -0.0007665936718694866, 0.0018162772757932544, 0.029697604477405548, 0.02919895015656948, -0.03454562649130821, 0.012175464071333408, -0.029143543913960457, -0.006863415706902742, 0.018851883709430695, -0.021760698407888412, 0.021968470886349678, -0.007375921122729778, 0.0014111209893599153, 0.00203443830832839, 0.012507899664342403, 0.001236245851032436, -0.0125286765396595, -0.0030455973464995623, 0.0030386715661734343, -0.007382846437394619, -0.022328609600663185, -0.02773069217801094, 0.017674507573246956, -0.014613326638936996, 0.003151215147227049, -0.0060981204733252525, 0.006904969923198223, -0.025223571807146072, -0.021552925929427147, 0.018561003729701042, 0.01585996150970459, 0.04022474214434624, -0.02011237107217312, 0.026816492900252342, 0.026858048513531685, -0.0024603717029094696, -0.02292422391474247, 0.014945763163268566, 0.008629481308162212, -0.001878608949482441, 0.025112759321928024, 0.02785535529255867, -0.03573685511946678, -0.04016933590173721, 0.004453255329281092, -0.00959908589720726, 0.0019928838592022657, -0.04202543571591377, 0.023547541350126266, 0.031248971819877625, 0.01907350867986679, -0.021081974729895592, 0.008975768461823463, -0.027121227234601974, 0.035127390176057816, -0.001243171631358564, 0.019752230495214462, 0.0075836931355297565, -0.004771839827299118, 0.009017323143780231, 0.03363142907619476, -0.005107738543301821, 0.043272070586681366, 0.007306663319468498, -0.021940767765045166, 0.020306291058659554, -0.008504817262291908, -0.0030819575767964125, 0.009661417454481125, -0.013906900770962238, 0.030307069420814514, -0.00999385304749012, 0.003170260926708579, 0.03135978430509567, 0.005675649736076593, 0.013539835810661316, 0.005821090657263994, 0.015222792513668537, 0.03515509516000748, -0.014973465353250504, -0.015499822795391083, -0.012085429392755032, -0.0001450078416382894, 0.021372856572270393, -0.0060773431323468685, -0.0058176275342702866, -0.018741073086857796, -0.0069499872624874115, -0.004650639370083809, 0.012535602785646915, -0.0011912285117432475, 0.022993480786681175, 0.02241171896457672, -0.0039719161577522755, -0.011780695989727974, -0.030584100633859634, -0.004061950836330652, 0.007826094515621662, -0.0551566518843174, -0.021940767765045166, -0.009128134697675705, -0.011933062225580215, -0.008858030661940575, -0.005855719558894634, -0.02464180812239647, 0.02066642977297306, 0.008394005708396435, -0.02507120557129383, 0.019295131787657738, 0.043770723044872284, 0.012618711218237877, -0.04812009260058403, -0.009806858375668526, -0.01186380535364151, -0.01894884556531906, 0.03928283974528313, -0.01187073066830635, -0.03213546797633171, 0.003281072713434696, -0.013172771781682968, 0.021913064643740654, 0.027024265378713608, -0.005287807900458574, 0.005277419462800026, -0.008691812865436077, -0.001631013466976583, -0.015098129399120808, -0.013768386095762253, 0.03426859900355339, -0.019682973623275757, 0.018450191244482994, 0.012376310303807259, -0.002160833217203617, 0.03213546797633171, -0.018173161894083023, -0.0025607950519770384, 0.008096198551356792, -0.04623628780245781, -0.017563695088028908, 0.009294352494180202, 0.0072720348834991455, 0.0034784565214067698, -0.006974227726459503, -0.007736059837043285, 0.007438252680003643, -0.011365151032805443, 0.010568690486252308, -0.007022707723081112, 0.0007778480066917837, 0.02320125326514244, 0.006420167628675699, -0.018450191244482994, -0.0012024828465655446, -0.011912285350263119, -0.0033139700535684824, 0.013899974524974823, 0.014834950678050518, -0.03654024377465248, 0.0009193929727189243, 0.017120447009801865, 0.05626477301120758, 0.023783016949892044, -0.024821879342198372, -0.029780713841319084, -0.008546371944248676, -0.041776109486818314, -0.02253638207912445, -0.0070677250623703, 0.00044454640010371804, -0.0027322073001414537, 0.008096198551356792, -0.009446719661355019, 0.0319969542324543, -0.024835729971528053, -0.006413241848349571, -0.003390153404325247, -0.010859571397304535, -0.007652950938791037, 0.0076044704765081406, 0.006004623137414455, 0.005904199555516243, -0.04803698509931564, -0.005866107996553183, 0.001115045277401805, 0.00656907120719552, -0.013567538931965828, 0.013879197649657726, -0.007680653594434261, -0.011690661311149597, 0.003954601939767599, -0.007050410844385624, 0.0018197401659563184, 0.001127165392972529, 0.0025642579421401024, -0.026816492900252342, -0.015818407759070396, 0.001637073582969606, -0.0006514530978165567, -0.015278198756277561, -0.00326375849545002, -0.003954601939767599, -0.000876107020303607, -0.008615629747509956, -0.012729523703455925, -0.012445568107068539, 0.01678801141679287, -0.014834950678050518, 0.021026568487286568, -0.0065656085498631, 0.012944221496582031, 0.0607803575694561, -0.017009634524583817, 0.004193540196865797, -0.006001160014420748, -0.0165109820663929, -0.03349291533231735, -0.001127165392972529, 0.0030681060161441565, -0.005952680017799139, 0.003892269916832447, -0.007313589099794626, 0.009225095622241497, -0.004151985514909029, -0.0075975446961820126, -0.00303347734734416, -0.020029261708259583, -0.015943070873618126, 0.0214421134442091, 0.013013479299843311, -0.013311286456882954, -0.0034403649624437094, -0.012023096904158592, 0.006908433046191931, -0.004560604691505432, 0.007874574512243271, -0.00998692773282528, -0.01667719893157482, 0.008082346990704536, 0.010492507368326187, -0.006766455247998238, 0.0007488464470952749, 0.01099116075783968, 0.0025607950519770384, 0.006285115610808134, 0.0054644146002829075, 0.1929236203432083, -0.0001880773197626695, 0.027689138427376747, -0.0002272510901093483, 0.005315511021763086, -0.01293729618191719, 0.04496195167303085, 0.010485581122338772, 0.01839478500187397, -0.013366692699491978, -0.006354372948408127, 0.013803014531731606, -0.024157006293535233, 0.0003564595535863191, 0.03570915386080742, -0.019364388659596443, -0.04870185628533363, -0.04130515828728676, -0.030334772542119026, 0.011233562603592873, -0.013006553053855896, -0.01139978040009737, -0.00966834370046854, -0.02836786024272442, 0.01718970574438572, -0.02156677655875683, -0.03587537258863449, -0.0066452547907829285, 0.0185194481164217, -0.0018578317249193788, -0.024461738765239716, -0.01393460389226675, 0.023838423192501068, -0.005222013685852289, -0.00556483818218112, -0.010901126079261303, 0.031526003032922745, 0.01286111306399107, 0.01340132113546133, 0.023699907585978508, -0.018616408109664917, -0.026317840442061424, 0.006205469835549593, 0.008767995983362198, 0.011898433789610863, 0.003760680789127946, -0.0019167006248608232, 0.01205772627145052, 0.0020846498664468527, -0.0031027349177747965, -0.021802252158522606, 0.0036013885401189327, 0.03014085255563259, 0.025348234921693802, -0.03155370429158211, -0.002384188584983349, -0.018200863152742386, 0.027370553463697433, -0.0022958852350711823, 0.00274779018945992, -0.03449022024869919, 0.005821090657263994, 0.03094423934817314, 0.008497891947627068, -0.003528668312355876, 0.020832648500800133, -0.0266641266644001, 0.008740292862057686, 0.014821099117398262, -0.005921513773500919, 0.00999385304749012, -0.015222792513668537, -0.013574465177953243, -0.003777995239943266, -0.0428842268884182, -0.024821879342198372, 0.03343750908970833, 0.005599466618150473, -0.005329362582415342, 0.031138159334659576, 0.0019651807378977537, 0.029780713841319084, 5.573062298935838e-05, 0.0084563372656703, -0.014114673249423504, -0.03989230468869209, -0.004287037532776594, -0.009980001486837864, -0.012764152139425278, -0.03293885290622711, -0.014724139124155045, 0.024212412536144257, -0.017120447009801865, -0.005772610194981098, 0.01933668740093708, 0.0025798408314585686, 0.016206249594688416, 0.0007752508390694857, -0.02014007233083248, 0.008220861665904522, -0.015236644074320793, 0.05185999721288681, 0.013082737103104591, -0.01206465158611536, -0.013532910495996475, -0.0021002329885959625, 0.004636787809431553, 0.01587381213903427, 0.00328453560359776, 0.007161222863942385, -0.006683346349745989, -0.027661435306072235, -0.007507510017603636, -0.018976546823978424, 0.007452104240655899, 0.02079109288752079, 0.005343214143067598, -0.0048861149698495865, -0.01623395085334778, -0.00533628836274147, 0.01973837986588478, -0.018436338752508163, -0.000377886084606871, 0.026844196021556854, -0.006517128087580204, 0.019544459879398346, -0.019502904266119003, 0.0010838794987648726, -0.019807636737823486, -0.029143543913960457, 0.009578309021890163, -0.014779544435441494, 0.0139900092035532, 0.007839946076273918, 0.004003081936389208, -0.0057656848803162575, -0.013629870489239693, -0.00899654533714056, -0.011711439117789268, -0.01005618553608656, 0.008387080393731594, -0.005914587993174791, 0.004654102027416229, 0.023907680064439774, -0.001255291746929288, -0.011635255068540573, 0.006191618274897337, 0.02199617400765419, 0.004903429187834263, -0.03318818286061287, -0.005093886982649565, -0.021760698407888412, 0.015292050316929817, -0.00506618432700634, 0.025417491793632507, -0.0031823809258639812, -0.0035632969811558723, -0.036180105060338974, 0.008283194154500961, 0.007521361578255892, -0.03424089401960373, 0.0011972886277362704, 0.032606419175863266, -0.017245110124349594, -0.0013358035357668996, -0.010353992693126202, -0.17718832194805145, 0.01247327122837305, 0.024489441886544228, -0.025888442993164062, 0.011552146635949612, 0.030888833105564117, 0.01379608828574419, -0.004723359830677509, 0.003516548313200474, -0.005848793778568506, -2.401015990471933e-05, -0.004058487713336945, 0.015070426277816296, -0.0075836931355297565, 0.0033174329437315464, -0.008643332868814468, 0.015666039660573006, 0.008705664426088333, 0.0214421134442091, 0.007819169200956821, -0.009786080569028854, -0.012715672142803669, 0.008144678547978401, 0.026955008506774902, -0.02491883933544159, 0.02574992924928665, -0.026345543563365936, 0.009218169376254082, -0.014031563885509968, -0.007763762958347797, 0.006634865887463093, -0.023298213258385658, 0.015430564992129803, 0.0054297856986522675, -0.0072720348834991455, 0.016580238938331604, -0.014641029760241508, 0.005803776439279318, -0.005163144785910845, 0.05706815794110298, 0.021829955279827118, 0.02063872665166855, 0.027661435306072235, 0.00833167415112257, -0.02426781877875328, 0.0006064357585273683, 0.01512583252042532, -0.01498731691390276, -0.005121590103954077, -0.014945763163268566, -0.01905965618789196, -0.008075421676039696, 0.03554293513298035, 0.007999238558113575, 0.009827635250985622, 0.016067733988165855, 0.024586403742432594, 0.008650258183479309, 0.013699128292500973, -0.013574465177953243, -0.026234731078147888, -0.00045796504127793014, 0.0009618131443858147, -0.008560223504900932, 0.006444408092647791, -0.03415778651833534, -0.029143543913960457, -0.012577157467603683, -0.03437941148877144, -0.0012942490866407752, -0.01366449985653162, -0.010686428286135197, 0.018422488123178482, 0.00676299212500453, 0.017120447009801865, 0.002378994133323431, -0.003895732806995511, 0.0010414592688903213, -0.005786461755633354, 0.0063786134123802185, -0.01694037765264511, 0.042330168187618256, 0.010513284243643284, -0.0015435758978128433, -0.0034871138632297516, -0.03063950687646866, -0.022162390872836113, -0.021275896579027176, 0.008470188826322556, 0.002124472986906767, 0.014003860764205456, -0.004446330014616251, 0.00878877379000187, -0.016178546473383904, 0.013352841138839722, -0.004055025056004524, 0.0016552535817027092, -0.006904969923198223, 0.01187073066830635, -0.013574465177953243, -0.01187073066830635, -0.007119668181985617, -0.028049277141690254, -0.010090813972055912, 0.052053917199373245, 0.011240487918257713, -0.004792617168277502, -0.008193159475922585, 0.02357524447143078, -0.021552925929427147, -0.005388231482356787, 0.013498281128704548, 0.013706053607165813, 0.004075802396982908, -0.012251647189259529, 0.022896520793437958, -0.0020361696369946003, -0.030999645590782166, 0.02120663784444332, -0.02066642977297306, 0.059395208954811096, -0.002140055876225233, -0.023021183907985687, -0.014045415446162224, 0.0008696141303516924, 0.0009038100251927972, -0.09640640020370483, 0.005596003960818052, 0.01973837986588478, 0.028215494006872177, -0.056708019226789474, 0.015693742781877518, -0.009121209383010864, 0.0030802260152995586, -0.007805317174643278, 0.03116586245596409, -0.015693742781877518, -0.008463263511657715, -0.013899974524974823, 0.004512124229222536, 0.01059639360755682, -0.005682575516402721, 0.01930898427963257, -0.023630650714039803, 0.002877647988498211, 0.02743981033563614, -0.0004497407062444836, -0.008359377272427082, -0.008844179101288319, 0.003649868769571185, 0.0072097028605639935, 0.0017799170454964042, -0.03615240007638931, 0.010582542046904564, 0.010914977639913559, 0.013477504253387451, 0.004882651846855879, -0.036318618804216385, 0.004016933497041464, -0.02853407897055149, -0.009592159651219845, 0.002643903950229287, -0.02519586868584156, 0.01186380535364151, 0.026691829785704613, -0.029697604477405548, 0.011642181314527988, 0.006520591210573912, 0.018727220594882965, -0.007507510017603636, -0.008851105347275734, -0.006783769465982914, -0.03573685511946678, 0.03144289180636406, -0.010083887726068497, -0.015693742781877518, -0.0036360174417495728, -0.02214854024350643, -0.006368224509060383, -0.003989230375736952, 0.01378916297107935, -0.014294742606580257, 0.006205469835549593, 0.007860722951591015, -0.020292440429329872, 0.009855338372290134, -0.01868566684424877, -0.0032377869356423616, -0.024420185014605522, 0.013726831413805485, 0.020444806665182114, 0.018879586830735207, -0.03515509516000748, -0.021109677851200104, 0.011559071950614452, -0.0013764923205599189, -0.016427872702479362, 0.02238401584327221, -0.010582542046904564, 0.006406316068023443, -0.036734163761138916, -0.023395175114274025, -0.020874202251434326, -0.022550232708454132, -0.0034438278526067734, 0.005675649736076593, -0.01067257672548294, -0.02944827824831009, -0.01810390315949917, -0.015444416552782059, 0.00030278501799330115, -0.004813394509255886, -0.01412852481007576, 0.011884582228958607, 0.016760308295488358, -0.04568222910165787, 0.03202465549111366, 0.008103124797344208, -0.00399615615606308, -0.012577157467603683, -0.0024465201422572136, 0.029919227585196495, -0.006859952583909035, -0.012978850863873959, 0.019946152344346046, 0.01320740021765232, -0.0458761490881443, 0.009813783690333366, -0.07673727720975876, 0.02401849254965782, 0.0024309372529387474, -0.005589078180491924, -0.001878608949482441, -0.016220100224018097, 0.007694505155086517, 0.01032628957182169, -0.01759139820933342, -0.0075906189158558846, -0.033132776618003845, 0.01531975343823433, -0.006496351212263107, -0.0072027770802378654, -0.0021902676671743393, -0.010624096728861332, 0.023505985736846924, -0.00799231231212616, 0.01225857250392437, 0.021220490336418152, 0.000380050390958786, 0.010901126079261303, 0.009917669929564, 0.02678878977894783, -0.015361307188868523, -0.018602557480335236, -0.010921903885900974, 0.0020656040869653225, -0.0028308993205428123, 0.008560223504900932, 0.01585996150970459, -0.05382690951228142, -0.003152946475893259, 0.01374068297445774, -0.0026871899608522654, -0.01827012188732624, -0.0011522711720317602, 0.003128706244751811, 0.006479036528617144, 0.04895118251442909, -0.05277419462800026, -0.020084667950868607, -0.005679112859070301, -0.012071577832102776, -0.009709897451102734, 0.014641029760241508, 0.03407467529177666, -0.002545212162658572, 0.00549558037891984, -0.01613699086010456, 0.04518357664346695, 0.016995783895254135, -0.004602158907800913, -0.05823168531060219, -0.011157378554344177, 0.007742985617369413, -0.0054644146002829075, -0.005544060841202736, 0.01305503398180008, -0.026968860998749733, 0.036069292575120926, -0.0012319172965362668, 0.048314012587070465, 0.000565746973734349, 0.021165084093809128, -0.013228177092969418, -0.012016171589493752, 0.004775302950292826, -0.023021183907985687, -0.022688748314976692, -0.003151215147227049, 0.008553298190236092, 0.0048445602878928185, 0.01759139820933342, 0.010416324250400066, 0.004058487713336945, -0.011302819475531578, 0.014530218206346035, -0.028838811442255974, 0.011101973243057728, 0.042053136974573135, -0.002048289868980646, -0.016040030866861343, 0.013048107735812664, 0.02480802685022354, -0.010561764240264893, -0.02440633438527584, 0.02250867895781994, -0.0025988866109400988, 0.013588315807282925, -0.014419405721127987, 0.00979300681501627, -0.006136212032288313, 0.007694505155086517, -0.010928829200565815, 0.01785457693040371, -0.029836120083928108, 0.007389772217720747, 0.030057743191719055, 0.032994259148836136, -0.0017972313798964024, 0.004716434050351381, -0.011649106629192829, -0.018436338752508163, -0.024503294378519058, 0.0017253768164664507, -0.025417491793632507, 0.010049259290099144, 0.0014907671138644218, -0.010707205161452293, 0.01525049563497305, 0.013013479299843311, 0.001885534729808569, 0.01052713580429554, -0.02401849254965782, -0.005582152400165796, 0.015956921502947807, -0.028090830892324448, -0.0330219641327858, 0.03836863860487938, -0.008636406622827053, -0.0016647764714434743, 0.022619491443037987, 0.006205469835549593, 0.030833426862955093, 0.01613699086010456, 0.03906121477484703, -0.011171230114996433, 0.01612314023077488, -0.03318818286061287, 0.0021660274360328913, -0.011365151032805443, -0.006163915153592825, 0.011933062225580215, -0.014391702599823475, -0.014031563885509968, 0.021400559693574905, -0.010360918007791042, -0.012507899664342403, 0.09169689565896988, 0.031803030520677567, -0.004581382032483816, 0.00410350551828742, -0.03900580853223801, 0.002133130095899105, 0.03288344666361809, -0.010457878932356834, -0.02212083712220192, -0.041249752044677734, -0.009973076172173023, -0.005596003960818052, 0.013103513978421688, -0.022827263921499252, 0.001269143191166222, -0.009425941854715347, -0.018893439322710037, 0.027148930355906487, 0.0075836931355297565, -0.0015634874580428004, 0.016164693981409073, 0.006198544055223465, 0.023131996393203735, 0.010942680761218071, -0.015693742781877518, -0.008809550665318966, 0.012826483696699142, -0.010125442408025265, 0.018173161894083023, -0.041055828332901, 0.009959224611520767, 0.010534062050282955, -0.03670646250247955, -0.016594091430306435, -0.010637948289513588, -0.003358987392857671, 0.0036914232186973095, 0.0010786851635202765, 0.035376716405153275, -0.0020742614287883043, 0.01868566684424877, 0.022480975836515427, -0.0005034152418375015, 3.0191929909051396e-05, -0.0016535221366211772, -0.014211633242666721, -0.02077724225819111, -0.015361307188868523, -0.02117893472313881], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='ec278188-cbc7-4b40-b779-9284de3aecbe', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='3a4916f36b8e406633cea11bd33968b5894c1ceb151e4cb178cbc2544731816c'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='6bd95ca0-51f5-4e8c-9929-a28e58ecf6e0', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f021b1cc2f36e1f4801fb704027fa651a0c9b9b1617091c340bd2e931561bf15')}, hash='d4042f2711434f1deb89c3fcc8dda64400d4e2f9a4e870c834287eeb9e6d58ad', text='36, no. 6, pp. 1107-1119, 2014. [12] A. Babenko and V. Lempitsky, \"The inverted multi-index,\" in Computer Vision and Pattern Recognition (CVPR), 2012 IEEE Conference on , 2012, pp. 3069-3076: IEEE. [13] H. Jegou, M. Douze, and C. Schmid, \"Product quantization for nearest neighbor search,\" Pattern Analysis and Machine Intell igence, IEEE Transactions on, vol. 33, no. 1, pp. 117-128, 2011. [14] A. Babenko and V. Lempitsky , \"Efficient indexing of billion-scale datasets of deep descriptors,\" in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition , 2016, pp. 2055-2063. [15] M. Douze, H. Jégou, and F. Perronnin, \"Polysemous codes,\" in European Conference on Computer Vision , 2016, pp. 785-801: Springer. [16] Y. Kalantidis and Y. Avrithis, \"Locally optimized product qua ntization for approximate nearest neighbor search,\" in Procee dings of the IEEE Conference on Computer Vision and Pattern Reco gnition , 2014, pp. 2321-2328. [17] P. Wieschollek, O. Wang, A. Sorkine-Hornung, and H. Lensch, \"Efficient large-scale approximate nearest neighbor search on the gpu,\" in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition , 2016, pp. 2027-2035. [18] S. Arya and D. M. Mount, \"Approximate Nearest Neighbor Queries in Fixed Dimensions,\" in SODA , 1993, vol. 93, pp. 271-280. [19] J. Wang and S. Li, \"Query-driven iterated neighborhood graph search for large scale indexing,\" in Proceedings of the 20th ACM international conferen ce on Multimedia , 2012, pp. 179-188: ACM. [20] Z. Jiang, L. Xie, X. Deng, W. Xu, and J. Wang, \"Fast Nearest Neighbor Search in the Hamming Space,\" in MultiMedia Mode ling, 2016, pp. 325-336: Springer. [21] E. Chávez and E. S. Tellez, \"Navigating k-nearest neighbor graphs to solve nearest neighbor searches,\" in Advances in Pa ttern Recognition : Springer, 2010, pp. 270-280. [22] K. Aoyama, K. Saito, H. Sawada, and N. Ueda, \"Fast approx imate similarity search based on degree-reduced neighborhood graphs,\" in Proceedings of the 17th ACM SIGKDD international conference on Knowledge discovery and data mining , 2011, pp. 1055-1063: ACM. [23] G. Ruiz, E. Chávez, M. Graff, and E. S. Téllez, \"Finding Near Neighbors Through Local Search,\" in Similarity Search and A pplications : Springer, 2015, pp. 103-109. [24] R. Paredes, \"Graphs for metric space searching,\" PhD thesis, University of Chile, Chile, 2008. Dept. of Computer Science Tech Report TR/DCC-2008-10. Available at http://www.dcc.uchile.cl/~raparede/publ/08PhDthesis.pdf, 2008. [25] Y. Malkov, A. Ponomarenko, A. Logvinov, and V. Krylov, \"Scalable distributed algorithm for approximate nearest neig hbor search problem in high dimensional general metric spaces,\" in Similarity Search and Applications : Springer Berlin Heidelberg, 2012, pp. 132-147. [26] Y. Malkov, A. Ponomarenko, A. Logvinov, and V. Krylov, \"A pproximate nearest neighbor algorithm based on navigable small world graphs,\" Information Systems, vol. 45, pp. 61-68, 2014. [27] W. Pugh, \"Skip lists: a probabilistic alternative to balanced trees,\" Communications of the ACM, vol. 33, no. 6, pp. 668-676, 1990. [28] C. C. Cartozo and P. De Los Rios, \"Extended navigability of small world networks: exact results and new insights,\" Physical review letters, vol. 102, no. 23, p. 238703, 2009. [29] W. Dong, C. Mo ses, and K. Li, \"Efficient k-nearest neighbor graph construction for generic similarity measures,\" in Procee dings of the 20th international conference on World wide web , 2011, pp. 577-586: ACM. [30] A. Ponomarenko, Y. Malkov, A. Logvinov, and V. Krylov, \"A pprox imate Nearest Neighbor Search Small World Approach,\" in International Conference on Information and Communication Tec hnologies & Applications , Orlando, Florida, USA, 2011. [31] J. M. Kleinberg, \"Navigation in a small world,\" Nature, vol. 406, no. 6798, pp. 845-845, 2000. [32] M. Boguna, D. Krioukov, and K. C. Claffy, \"Navigability of complex networks,\" Nature Physics, vol. 5, no. 1, pp. 74-80, 2009. [33] A. Ponomarenko, N. Avrelin, B. Naidan, and L. Boytsov, \"Comparative Analysis of Data Structures for Approximate Nearest Neighbor Search,\" In Proceedings of The Third Intern ational Conference on Data Analytics, 2014. [34] B. Naidan, L. Boytsov, and E. Nyberg, \"Permutation search methods are efficient, yet faster search is possible,\" VLDB Pr ocedings, vol. ', start_char_idx=429, end_char_idx=4781, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
461
       " TextNode(id_='6bd95ca0-51f5-4e8c-9929-a28e58ecf6e0', embedding=[-0.010591401718556881, 0.03367232903838158, -0.0009781698463484645, -0.007867696695029736, 0.017174864187836647, 0.013082250952720642, -0.011191180907189846, -0.0016238149255514145, -0.025007279589772224, -0.042704302817583084, 0.011536936275660992, 0.01000573392957449, -9.867696644505486e-05, 0.02112635225057602, -0.009561192244291306, 0.004858214408159256, 0.018402647227048874, -0.007528997492045164, 0.007394928950816393, 0.0021962516475468874, -0.03406747803092003, 0.013272768817842007, -0.015354356728494167, -0.03660771995782852, 0.0016934952000156045, 0.04264785349369049, 0.032599784433841705, -0.028168469667434692, 0.005789636634290218, -0.01834619790315628, 0.013329219073057175, -0.024866154417395592, -0.007246748544275761, 0.009278942830860615, -0.0011951490305364132, -0.006509372498840094, 0.024795591831207275, -0.03341830521821976, 0.02867651917040348, 0.0017755238804966211, -0.0030553475953638554, 0.0004235943197272718, -0.0040079387836158276, 0.0025931645650416613, -0.0030288868583738804, -0.0024943773169070482, 0.028620069846510887, -0.024710917845368385, -0.0028418966103345156, 0.03530937433242798, 0.025049617514014244, 0.02365248277783394, -0.01731598936021328, -0.0015885337488725781, -0.010930100455880165, -0.006431753747165203, 0.006876296363770962, 0.019235283136367798, -0.002157442271709442, -0.027533410117030144, 0.0073102544993162155, -0.016271665692329407, -0.02657376229763031, 0.013463286682963371, -0.022015437483787537, -0.03539405018091202, -0.02202955074608326, 0.01689261570572853, 0.005669680889695883, -0.017386550083756447, 0.014133628457784653, 0.0322328582406044, -0.0169349517673254, -0.010393827222287655, 0.03895039111375809, -0.018628448247909546, -0.004505402874201536, 0.0045477403327822685, -0.018571997061371803, 0.014676958322525024, -0.008403969928622246, -0.03502712771296501, 0.002785446820780635, 0.0037856674753129482, -0.0017367146210744977, 0.012771776877343655, 0.012094378471374512, 0.013936054892838001, -0.03440617769956589, -0.0042407941073179245, 0.03669239580631256, 0.03480132669210434, 0.0279003344476223, -0.01752767525613308, -0.015382581390440464, 0.01562249381095171, -0.02322910912334919, -0.0009931643726304173, 0.018840134143829346, -0.022946860641241074, -0.009716428816318512, 0.01431709062308073, -0.002310915384441614, -0.010958325117826462, -0.006248291581869125, 0.0054368251003324986, -0.009285998530685902, 0.01196030993014574, -0.0034716653171926737, 0.021577952429652214, -0.012143772095441818, 0.00506990123540163, -0.008439251221716404, -0.008015877567231655, -0.010647851042449474, -0.0206606425344944, 0.028732968494296074, -0.015340244397521019, -0.004251378588378429, -0.016398679465055466, 0.02133804000914097, 0.011607498861849308, 0.010485557839274406, -0.02133804000914097, 0.00904608704149723, 0.0225375983864069, -0.007010364439338446, -0.03536582365632057, 0.0016282250871881843, -0.03243043273687363, 0.02623506262898445, 0.01933407038450241, 0.010951269418001175, 0.0037715549115091562, -0.023469021543860435, 0.03158368542790413, 0.016751490533351898, -0.027011249214410782, -0.03305138275027275, -0.029636166989803314, 0.005119294859468937, 0.04278897866606712, -0.013936054892838001, -0.01847320981323719, -0.014789857901632786, 0.027011249214410782, 0.011932085268199444, 0.02550121583044529, 0.0167232658714056, -0.019221171736717224, 0.008841455914080143, 0.005712018348276615, -0.0020392504520714283, 0.032289307564496994, 0.006604631431400776, 0.0169349517673254, -0.0033358328510075808, 0.023045647889375687, -0.007684234529733658, -0.04976053535938263, -0.03347475454211235, 0.013385668396949768, 0.004925248678773642, -0.01701962761580944, 0.010781919583678246, 0.01532613206654787, 0.010873650200664997, 0.0015603088540956378, -0.010944212786853313, -0.021140465512871742, -0.012694157660007477, 0.02280573546886444, -0.027491072192788124, -0.008001765236258507, 0.010753694921731949, -0.003933848347514868, 0.05052260681986809, 0.012009703554213047, -0.03324895724654198, -0.015185006894171238, -0.008792062290012836, 0.0008189636864699423, 0.006145976483821869, 0.02121102809906006, 0.001871665008366108, 0.006177729461342096, 0.026799561455845833, -0.004819405265152454, 0.01795104891061783, -0.023765383288264275, 0.012736495584249496, 0.015072107315063477, 0.004184344317764044, 0.011536936275660992, -0.6150774955749512, -0.02400529570877552, 0.007895921356976032, -0.025769352912902832, -0.007712459657341242, 0.010746638290584087, 0.01929173246026039, 0.03197883442044258, 0.013449174351990223, 0.021154578775167465, -0.03158368542790413, 0.014034842140972614, -0.004279603715986013, -0.007684234529733658, -0.02078765444457531, -0.023948844522237778, 0.007938259281218052, -0.020082030445337296, 0.019729219377040863, 0.0006945976638235152, -0.01773936301469803, 0.018586110323667526, -0.001540904282592237, -0.009525910951197147, 0.001383021124638617, 0.006583462469279766, 0.04126483201980591, -0.04287365451455116, 0.010803088545799255, 0.020971115678548813, -0.023680707439780235, 0.026305625215172768, 0.00874266866594553, 0.01868489757180214, 0.04911136254668236, -0.012581258080899715, -0.01251775212585926, 0.008904962800443172, 0.032684456557035446, 0.025360090658068657, -0.03381345421075821, -0.025825802236795425, 0.004642999265342951, 0.008968468755483627, -0.023384345695376396, 0.016878502443432808, 0.02070297859609127, 0.002993605565279722, -0.018995370715856552, -0.03051113896071911, -0.005401544272899628, -0.0019792725797742605, -0.025402428582310677, 0.002591400407254696, 0.0009728777222335339, -0.013830211013555527, 0.027208823710680008, -0.014564058743417263, 0.0037997798062860966, 0.003566924249753356, 0.015368469059467316, -0.004046747926622629, -0.015100331977009773, -0.014676958322525024, -0.009088424034416676, 0.02001146785914898, -0.018317973241209984, 0.021831976249814034, -0.01577773131430149, -0.01307519432157278, 0.022664610296487808, 0.016469240188598633, 0.005027563776820898, -0.001749945105984807, 0.014606396667659283, 0.03262800723314285, 0.017118414863944054, 0.0027201767079532146, -0.026587875559926033, -0.004833517596125603, 0.00861565675586462, 0.011127674952149391, -0.007465491537004709, -0.003203528467565775, 0.025868140161037445, 0.009483573026955128, -0.04727674275636673, 0.010542008094489574, -0.007155017461627722, -0.004565380979329348, 0.006276516709476709, -0.011614554561674595, -0.027759209275245667, -0.04075678437948227, -0.0036163178738206625, 0.013209262862801552, 0.007098567672073841, 0.009765822440385818, 0.01645512878894806, -0.035760972648859024, -0.016144653782248497, -0.015142669901251793, 0.017259538173675537, -0.025218965485692024, -0.01041499525308609, 0.008629769086837769, -0.00028489530086517334, 0.0016599781811237335, 0.023412572219967842, -0.014415877871215343, 0.016426904127001762, -0.007698346860706806, -0.011240574531257153, 0.007232635747641325, -0.009039030410349369, -0.029382141306996346, 0.04230915755033493, 0.012715326622128487, -0.022015437483787537, 0.003760970663279295, 0.035591624677181244, 0.003937376197427511, 0.007719515822827816, -0.011346418410539627, 0.009391842409968376, 0.0036339585203677416, 0.01112061832100153, -0.032769132405519485, -0.039797138422727585, -0.007352591957896948, 0.02489437907934189, 0.0003667034616228193, 0.01683616451919079, -0.020293718203902245, 0.02202955074608326, -0.004039691761136055, 0.00793120265007019, -0.006946858484297991, 0.004290187731385231, -0.008714444003999233, -0.029438592493534088, 0.006290629040449858, 0.010273871012032032, -0.039543114602565765, -0.01116295624524355, -0.00521808210760355, -0.024936717003583908, 0.014006616547703743, -0.013032857328653336, -0.00906725600361824, -0.020731203258037567, -0.0030183023773133755, -0.0313861109316349, 0.01517089456319809, -0.005472106393426657, -0.007394928950816393, -0.001423594425432384, -0.01607409305870533, -0.013011688366532326, -0.024033520370721817, -0.0027801545802503824, 0.03770849481225014, -0.019319957122206688, -0.01958809420466423, -0.003849173430353403, -0.0023991181515157223, -0.0019422273617237806, 0.014662845991551876, 0.03172481060028076, -0.03107563778758049, -0.00041874314774759114, -0.017386550083756447, -0.027025360614061356, 0.015707168728113174, -0.013103418983519077, -0.003166483249515295, 0.0049358331598341465, -0.007493716198951006, -0.003849173430353403, -0.011459317989647388, 0.009892834350466728, 0.014662845991551876, -0.0038280049338936806, -0.010654907673597336, 0.03164013475179672, -0.007902977988123894, 0.014295922592282295, 0.0029583245050162077, 0.0011219405569136143, 0.00889084953814745, 0.004286659881472588, 0.03372877836227417, -0.004410143941640854, 0.013209262862801552, -0.009547078981995583, 0.018487323075532913, -0.0035969133023172617, 0.002252701437100768, -0.012094378471374512, 0.026728998869657516, 0.0079523716121912, -0.003424035618081689, -0.0030024258885532618, -0.021366264671087265, 0.011621611192822456, -0.03389813005924225, 0.010443220846354961, -0.011663948185741901, 0.005380375310778618, -0.0038879828061908484, 0.021507389843463898, -0.01433825958520174, -0.020858217030763626, -0.017457112669944763, 0.010513782501220703, 0.022622274234890938, -0.010499670170247555, 0.006615215912461281, -0.02619272656738758, 0.014366484247148037, 0.01028798334300518, -0.014048954471945763, 0.02941036783158779, 0.003503418294712901, -0.0025790520012378693, -0.0030800444073975086, 0.019362295046448708, 0.032515108585357666, 0.007634840905666351, -0.0012718854704871774, -0.007712459657341242, -0.010196252726018429, 0.02447100542485714, 0.008721500635147095, 0.02327144704759121, -0.0016661523841321468, 0.03073693811893463, -0.011473430320620537, 0.004110253881663084, 0.0008687983499839902, 0.014112460426986217, 0.012080266140401363, 0.011783904395997524, -0.026305625215172768, 0.0015267918352037668, -0.0012083793990314007, 0.02828137017786503, 0.009031974710524082, -0.003143550595268607, 0.01632811687886715, -0.016271665692329407, 0.03288203105330467, 0.01041499525308609, 0.005161632318049669, 0.02267872355878353, -0.006798677612096071, 0.012094378471374512, 0.02344079688191414, 0.025741128250956535, 0.0338699035346508, 0.012214334681630135, -0.009398898109793663, 0.02370893396437168, -0.017047852277755737, 0.007186770439147949, -0.0541071742773056, 0.00506990123540163, 0.01662447862327099, 0.018713122233748436, -0.008834400214254856, 0.006781036965548992, -0.0036339585203677416, 0.0026813673321157694, -0.021366264671087265, 0.0084674758836627, 0.005232194438576698, 0.01129702478647232, -0.023412572219967842, 0.018656672909855843, 0.018374422565102577, -0.03931731358170509, -0.013809042051434517, 0.007045645732432604, 0.020265493541955948, 0.001977508421987295, -0.013879604637622833, -0.002033958211541176, 0.02489437907934189, -0.03618434816598892, -0.01142403669655323, 0.0004824697389267385, -0.0014315326698124409, 0.009801103733479977, -0.024075856432318687, -0.010295039974153042, -0.007253804709762335, 0.018699008971452713, 0.006678721867501736, 0.0005345094250515103, 0.009130761958658695, 0.015721280127763748, 0.0004829107492696494, -0.0059237051755189896, -0.0025084898807108402, 0.04617597162723541, -0.013251599855720997, 0.002055126940831542, -0.0206606425344944, 0.009144874289631844, -0.003496362129226327, 0.012115547433495522, 0.011092393659055233, 0.0002381477679591626, 0.016299892216920853, 0.008601544424891472, -0.001218081684783101, -0.017217202112078667, 0.01683616451919079, 0.04484939947724342, -0.008982581086456776, -0.015255569480359554, -0.020971115678548813, -0.017217202112078667, 0.022989198565483093, 0.03940198943018913, 0.026601986959576607, -0.003291731234639883, 0.0016582140233367682, 0.0015797135420143604, -0.01714663952589035, -0.025910476222634315, 0.0076489532366395, 0.002392061986029148, 0.00023947081353981048, -0.011706286109983921, -0.021055791527032852, 0.010217420756816864, 0.01227784063667059, 0.03948666527867317, 0.00030474094091914594, -0.0017808161210268736, -0.026093939319252968, -0.009667035192251205, 0.0161164291203022, -0.019955018535256386, -0.01641279086470604, 0.00451245903968811, 0.009180155582726002, -0.000676957075484097, -0.012531864456832409, 0.029212793335318565, 0.013533849269151688, 0.004840573761612177, -0.026728998869657516, -0.013032857328653336, 0.012221390381455421, 0.027843883261084557, 0.02305975928902626, -0.010499670170247555, 0.021154578775167465, 0.02339845895767212, 0.02241058647632599, 0.017414776608347893, -0.007917090319097042, 0.025769352912902832, -0.0016643882263451815, 0.007853584364056587, 0.010810144245624542, -0.003448732430115342, 0.002524366369470954, 0.010901875793933868, 0.020858217030763626, -0.024569792672991753, -0.01744300127029419, 0.005440353415906429, -0.017330100759863853, -0.017033739015460014, -0.018826022744178772, -0.010280927643179893, -0.006805733777582645, -0.004466593731194735, -0.011501654982566833, -0.004561852663755417, -0.02695479989051819, 0.0050346204079687595, -0.0008679163292981684, 0.005002866964787245, -0.002725468948483467, 0.0031576629262417555, -0.01740066334605217, -0.03454730287194252, -0.009659978561103344, -0.01680793985724449, -0.0031506067607551813, 0.01761235110461712, -0.013964279554784298, -0.026771336793899536, -0.012623596005141735, 0.004251378588378429, 0.02318677119910717, 0.0053944881074130535, 0.0009243661188520491, -0.026474975049495697, 0.014373540878295898, -0.0247814804315567, -0.023285558447241783, -0.002704300219193101, -0.017513563856482506, 0.013216318562626839, -0.008142889477312565, -0.01975744403898716, -0.011212349869310856, -0.003665711497887969, -0.017132526263594627, 0.0014147741021588445, -0.005817861761897802, 0.0035157667007297277, -0.01041499525308609, 0.013639693148434162, -0.009483573026955128, 0.007207938935607672, 0.022749286144971848, 0.0075713349506258965, -0.001533848000690341, 0.01099360641092062, 0.007698346860706806, -0.00521808210760355, -0.00833340734243393, 0.024710917845368385, 0.012672989629209042, -5.920618059462868e-05, 0.0018037487752735615, -0.005549725145101547, -0.010231534019112587, 0.03339008241891861, -0.020082030445337296, 0.002840132685378194, -0.00040132307913154364, 0.02301742322742939, 0.028958767652511597, 0.023680707439780235, 0.00021631755225826055, 0.012771776877343655, -0.019023597240447998, -0.010069240815937519, 0.0030518195126205683, -0.005761411972343922, 0.005916649010032415, -0.0041878726333379745, 0.020971115678548813, -0.02365248277783394, -0.02297508530318737, -0.013032857328653336, -0.0058249179273843765, -0.016257554292678833, 0.017287762835621834, 0.0013124587712809443, -0.010337376967072487, -0.041857555508613586, -0.008001765236258507, -0.004110253881663084, -0.00833340734243393, -0.03866814076900482, -0.022015437483787537, 0.003328776452690363, -0.015199119225144386, 0.0071832421235740185, -0.005779052618891001, -0.028775306418538094, -0.025049617514014244, -0.025106066837906837, 0.012764720246195793, 0.02691246196627617, 0.02716648578643799, 0.002215656219050288, -0.0023162076249718666, -0.0030253585427999496, -0.020632416009902954, -0.01103594433516264, -0.008086440153419971, -0.010224477387964725, 0.03305138275027275, 0.021620288491249084, 0.009483573026955128, 0.029212793335318565, 0.003923263866454363, 0.002575523918494582, 0.02888820692896843, 0.0075431098230183125, -0.0007819185266271234, 0.003078280482441187, -0.007853584364056587, -0.014691070653498173, 0.008171114139258862, 0.03322073072195053, -0.015057994984090328, 0.018910696730017662, 0.0033693499863147736, 0.01731598936021328, 0.010203308425843716, 0.015975305810570717, -0.012990519404411316, 0.0018399120308458805, -0.05007100850343704, 0.002446747850626707, -0.014930983074009418, -0.012207278050482273, 0.009102537296712399, -0.041208382695913315, -0.02957971580326557, -0.004417200107127428, 0.00584961473941803, 0.015664830803871155, -0.014197135344147682, 0.03245865926146507, -0.002894818317145109, 0.0015312018804252148, 0.025303641334176064, 0.027716871351003647, -0.028958767652511597, 0.013385668396949768, -0.02730761095881462, 0.0004939361242577434, 0.023116210475564003, -0.013667917810380459, 0.028351932764053345, -0.006047189235687256, 0.00458654947578907, -0.002644322346895933, 0.011466373689472675, 0.00032502759131602943, -0.009575304575264454, -0.007035061251372099, 0.0029847852420061827, -0.005973098799586296, -0.02682778611779213, -0.01752767525613308, 0.019658656790852547, -0.020124368369579315, 0.0059060645289719105, -0.022692836821079254, 0.013364499434828758, -0.028013233095407486, -0.011325249448418617, 0.026545537635684013, 0.017174864187836647, 0.03646659851074219, -0.018148623406887054, 0.025741128250956535, 0.040276963263750076, -0.011289968155324459, -0.018078060820698738, 0.022213011980056763, -0.001544432365335524, 0.0029918416403234005, 0.02438633143901825, 0.0287188570946455, -0.042111583054065704, -0.029861966148018837, -0.0004533627943601459, -0.0029706729110330343, 0.007394928950816393, -0.03446262702345848, 0.017908712849020958, 0.02794267050921917, 0.009123705327510834, -0.023073872551321983, -0.0015664830571040511, -0.025642341002821922, 0.03909151628613472, -0.000598015496507287, 0.017584124580025673, 0.0005742007051594555, -0.009942227974534035, 0.0065905191004276276, 0.03000309132039547, -0.0016643882263451815, 0.052611250430345535, 0.006530540995299816, -0.016906727105379105, 0.023638371378183365, 0.001196030993014574, -0.006749283988028765, 0.010499670170247555, -0.023610146716237068, 0.03149900957942009, -0.004085557069629431, -0.0021592064294964075, 0.026418525725603104, 0.007987652905285358, 0.0051686884835362434, 0.0023020950611680746, 0.006929217837750912, 0.03561985120177269, -0.02348313294351101, -0.017640575766563416, -0.005916649010032415, -0.001940463320352137, 0.030144214630126953, 0.0026425581891089678, 0.0006593164871446788, -0.011155899614095688, -0.012743551284074783, -0.019743332639336586, 0.020336054265499115, -0.002392061986029148, 0.02725115977227688, 0.024146419018507004, -0.0024185229558497667, -0.011917972937226295, -0.029071668162941933, -0.007155017461627722, 0.0014721059706062078, -0.04609129577875137, -0.022297687828540802, -0.010224477387964725, -0.008904962800443172, 0.005507387686520815, 0.0008171996450982988, -0.031781259924173355, 0.022043662145733833, 0.027095923200249672, -0.019404632970690727, 0.017809925600886345, 0.03816009312868118, 0.012101434171199799, -0.0512564554810524, -0.013971335254609585, -0.002286218572407961, -0.025049617514014244, 0.03412392735481262, -0.011318192817270756, -0.02918456681072712, -0.0020233739633113146, -0.014126572757959366, 0.024569792672991753, 0.024654468521475792, -0.010676075704395771, 0.002884234068915248, -0.005320397671312094, -0.005782580468803644, -0.011543992906808853, -0.01954575814306736, 0.03124498762190342, -0.014246528968214989, 0.022057775408029556, 0.014274753630161285, -0.020688867196440697, 0.027843883261084557, -0.015312019735574722, -0.0021398018579930067, -0.003386990400031209, -0.03900684043765068, -0.008347520604729652, 0.00026240356964990497, 0.015312019735574722, -0.0003911797539331019, -0.00810055248439312, -0.008065271191298962, 0.010654907673597336, -0.01834619790315628, 0.024245206266641617, -0.0035422274377197027, -0.018035724759101868, 0.0186002217233181, 0.01714663952589035, -0.01821918599307537, -0.010838369838893414, -0.016059979796409607, -0.00810055248439312, 0.023130321875214577, 0.01817684806883335, -0.04287365451455116, -0.007119736168533564, 0.024104082956910133, 0.048151712864637375, 0.022692836821079254, -0.03367232903838158, -0.02383594587445259, -0.017668800428509712, -0.04346637800335884, -0.028309594839811325, -0.00822756439447403, -0.0025561193469911814, -0.006142448168247938, 0.013145756907761097, -0.011028887704014778, 0.016864389181137085, -0.00598015496507287, -0.010492614470422268, 0.00932127982378006, -0.010280927643179893, -0.012800001539289951, 0.013773760758340359, 0.002032194286584854, 0.0016934952000156045, -0.049986332654953, -0.00016957003390416503, 0.00047144436393864453, 0.011896803975105286, -0.017217202112078667, 0.00810055248439312, -0.009130761958658695, -0.0031911800615489483, -0.009455348365008831, -0.01069724466651678, -0.005450937896966934, 0.0008396913763135672, -0.006043660920113325, -0.03051113896071911, -0.006135392002761364, 0.011536936275660992, 0.00012138921010773629, -0.015396693721413612, 0.0036551272496581078, -0.006657552905380726, -0.005641455762088299, 0.002571995835751295, -0.021055791527032852, -0.01641279086470604, 0.02082999050617218, -0.018910696730017662, 0.012588314712047577, 0.0040608602575957775, 0.011057112365961075, 0.05396604910492897, -0.009822272695600986, 0.01521323248744011, -0.0012321941321715713, -0.00934244878590107, -0.02703947387635708, -0.002979493234306574, 0.004822933115065098, -0.011099450290203094, 0.002854245016351342, -0.001328335260041058, 0.0025384787004441023, -0.0037503864150494337, -0.010252702049911022, -0.00018908490892499685, -0.019785668700933456, -0.0061036390252411366, 0.014429990202188492, 0.000360529258614406, -0.021098127588629723, -0.011409924365580082, -0.01349856797605753, -0.002123925369232893, 0.002402646467089653, 0.012609482742846012, -0.005094598047435284, -0.019404632970690727, 0.010168027132749557, 0.006678721867501736, 0.0005891952314414084, 0.0016132305609062314, 0.015396693721413612, 0.0070033082738518715, 0.0034504965879023075, 0.015961192548274994, 0.1935100555419922, -0.004688865039497614, 0.031132087111473083, 0.011628666892647743, 0.0026690189260989428, -0.007945314981043339, 0.03768026828765869, 0.0014332967111840844, 0.013173981569707394, -0.005140463821589947, -0.003753914497792721, 0.02327144704759121, -0.011762735433876514, -0.006495259702205658, 0.035760972648859024, -0.018148623406887054, -0.05605469271540642, -0.037821393460035324, -0.03536582365632057, -0.00453362800180912, -0.020519517362117767, 0.0005331863649189472, -0.0018875414971262217, -0.032938480377197266, 0.012983463704586029, -0.03711577132344246, -0.02653142437338829, -0.01813451200723648, 0.02044895477592945, 0.012842338532209396, -0.019178833812475204, -0.008015877567231655, 0.024118194356560707, -0.001977508421987295, -0.010259758681058884, -0.010654907673597336, 0.03274090588092804, 0.009434179402887821, 0.010146859101951122, 0.023469021543860435, -0.02442866936326027, -0.032938480377197266, 0.0037115770392119884, 0.008368688635528088, 0.013773760758340359, 0.002527894452214241, -0.007550165988504887, 0.02001146785914898, -0.003420507535338402, -4.23373821831774e-05, -0.023624258115887642, -0.0030765163246542215, 0.03545049950480461, 0.03519647568464279, -0.02438633143901825, -0.008001765236258507, -0.018924809992313385, 0.030708713456988335, -0.01088776346296072, -0.00017254687554668635, -0.031273212283849716, 0.007331422995775938, 0.026305625215172768, 0.0012754135532304645, -0.00017199560534209013, 0.004974642302840948, -0.01223550271242857, 0.009137817658483982, 0.0054368251003324986, -0.0039091515354812145, 0.013406837359070778, -0.011671004816889763, -0.010944212786853313, 0.003064167918637395, -0.04208335652947426, -0.021888425573706627, 0.045921944081783295, 0.005048732738941908, -0.008876737207174301, 0.0408979095518589, -0.0007863286300562322, 0.027589859440922737, -0.0062130107544362545, 0.015396693721413612, -0.023200884461402893, -0.054586995393037796, -0.00668577803298831, 0.0024785008281469345, -0.013660861179232597, -0.024654468521475792, -0.014197135344147682, 0.025896364822983742, -0.014140685088932514, 0.001698787440545857, 0.02289041131734848, 0.006195370107889175, 0.012531864456832409, 0.004717089701443911, -0.009497685357928276, 0.018021611496806145, -0.01701962761580944, 0.047982364892959595, 0.015269681811332703, -0.01266593299806118, -0.01769702509045601, -0.007867696695029736, -0.00025622936664149165, 0.014105403795838356, 0.01227784063667059, 0.008545095100998878, 0.0002932745555881411, -0.029466817155480385, -0.01185446698218584, -0.017513563856482506, -0.001889305654913187, 0.021846087649464607, 0.0072008827701210976, -0.020237267017364502, -0.007691290695220232, -0.00962469819933176, 0.006527012679725885, -0.013343331404030323, 0.0018751932075247169, 0.025854026898741722, -0.0032529220916330814, 0.022438811138272285, -0.018656672909855843, -0.014493497088551521, -0.009116649627685547, -0.03406747803092003, 0.021662626415491104, -0.0023214996326714754, 0.007197354920208454, 7.297409865714144e-06, 0.006036604754626751, -0.0009905182523652911, -0.010781919583678246, -0.00689040869474411, -0.007394928950816393, -0.007158545311540365, -0.003118853783234954, -0.013336274772882462, 0.0014253584668040276, 0.023977069184184074, -0.012037928216159344, -0.008065271191298962, 0.007874752394855022, 0.01992679387331009, 0.007013892754912376, -0.029523266479372978, -0.0011501654516905546, -0.02365248277783394, 0.004872326739132404, -0.004748842678964138, 0.027787433937191963, -0.0018557885196059942, -0.005020507611334324, -0.03903506323695183, 0.008276958018541336, 0.00752194132655859, -0.03711577132344246, -0.00013627344742417336, 0.03567630052566528, -0.01710430160164833, -0.0016352813690900803, -0.010676075704395771, -0.1817684918642044, 0.0216908510774374, 0.02049129270017147, -0.023892395198345184, 0.0063647194765508175, 0.02850716933608055, 0.018247410655021667, -0.005316869355738163, 0.002864829497411847, 0.0003828004701063037, 0.0006588755059055984, -0.005542668979614973, 0.010076296515762806, -0.01545314397662878, 0.000699007767252624, 0.007465491537004709, 0.022862184792757034, 0.0010002206545323133, 0.010760750621557236, 0.01390782929956913, -0.005038148257881403, -0.02366659604012966, 0.013914885930716991, 0.01740066334605217, -0.026136275380849838, 0.020039694383740425, -0.024583905935287476, 0.021761413663625717, -0.023172659799456596, -0.002367365173995495, 0.00772657198831439, -0.006714003160595894, 0.017725249752402306, 0.00031334071536548436, -0.013131644576787949, 0.013964279554784298, -0.01706196367740631, 0.007811246905475855, -0.009568247944116592, 0.047163840383291245, 0.02438633143901825, 0.021592063829302788, 0.01624344103038311, 0.005031092092394829, -0.024442780762910843, -0.007860640063881874, 0.01855788566172123, -0.003492833813652396, -0.009497685357928276, -0.011586329899728298, -0.015128557570278645, -0.00985755305737257, 0.044990524649620056, 0.00432899734005332, 0.006428225431591272, 0.01769702509045601, 0.025783464312553406, 0.014225360006093979, 0.009758765809237957, -0.018882472068071365, -0.02918456681072712, -0.01378081738948822, 0.009942227974534035, -0.013766705058515072, 0.002312679309397936, -0.021507389843463898, -0.02661610022187233, -0.011416980065405369, -0.02610805071890354, 0.00022326353064272553, -0.010803088545799255, -0.018713122233748436, 0.013879604637622833, 0.002215656219050288, 0.013682030141353607, 0.005242778919637203, -0.002049834933131933, -0.0015126792713999748, -0.007080927025526762, 0.005761411972343922, -0.01082425657659769, 0.045413896441459656, 0.010485557839274406, -0.004685336723923683, 0.015749504789710045, -0.03166836127638817, -0.019813893362879753, -0.015439031645655632, 0.00893318746238947, -0.008799118921160698, 0.0034293278586119413, -0.0065905191004276276, 0.006925689987838268, -0.02263638563454151, 0.025317752733826637, -0.013089306652545929, 4.7133413318078965e-05, -0.003573980648070574, 0.0012639472261071205, -0.013018744997680187, -0.007366704288870096, 0.0014650498051196337, -0.035083577036857605, -0.008502757176756859, 0.05910298228263855, 0.01375964842736721, -0.006223594769835472, -0.008855569176375866, 0.016878502443432808, -0.017330100759863853, -0.012976407073438168, 0.008594488725066185, 0.023214997723698616, -0.004515987355262041, -0.015227344818413258, 0.03488600254058838, 0.006318854168057442, -0.030878063291311264, 0.014606396667659283, -0.015481368638575077, 0.06057067960500717, 0.016342228278517723, -0.020604191347956657, -0.014705183915793896, 0.0031823597382754087, -0.005302757024765015, -0.08196517080068588, 0.010612569749355316, 0.0124048525467515, 0.023370234295725822, -0.044002652168273926, 0.00865799468010664, -0.009264830499887466, 0.006798677612096071, -0.008996693417429924, 0.031442560255527496, -0.002446747850626707, -0.006721059326082468, -0.008347520604729652, -0.0027907390613108873, 0.011501654982566833, -0.0051969136111438274, 0.020378392189741135, -0.02901521883904934, 0.0049358331598341465, 0.02027960494160652, 0.00236912933178246, -0.005930761341005564, -0.014818083494901657, 0.008029989898204803, 0.005930761341005564, 0.008841455914080143, -0.03124498762190342, 0.02734994702041149, 0.01598941721022129, 0.012186109088361263, 0.004650055430829525, -0.03257155790925026, 0.008291070349514484, -0.02592458948493004, -0.00011102537246188149, -0.00791003368794918, -0.011910916306078434, 0.0040185232646763325, 0.019475195556879044, -0.03197883442044258, 0.013308050110936165, 0.00029812572756782174, 0.032684456557035446, -0.019235283136367798, -0.02181786298751831, -0.004967586137354374, -0.03561985120177269, 0.026376187801361084, -0.012115547433495522, -0.018586110323667526, -0.009166043251752853, -0.016426904127001762, 0.0022474091965705156, -0.00117045221850276, 0.025854026898741722, -0.019037708640098572, 0.004731202498078346, -4.443219950189814e-05, -0.020815879106521606, 0.004611246287822723, -0.020858217030763626, -0.005708490032702684, -0.018699008971452713, 0.025811688974499702, 0.023172659799456596, 0.013921941630542278, -0.03155546262860298, -0.03282558172941208, 0.005112238693982363, -0.0005340684438124299, -0.008594488725066185, 0.015848292037844658, -0.017076076939702034, 0.0029600884299725294, -0.039627786725759506, -0.013378612697124481, -0.027674535289406776, -0.026559650897979736, 0.006227123085409403, 0.00032039693905971944, -0.0018275636248290539, -0.030482914298772812, -0.0192070584744215, -0.01041499525308609, 0.01748533733189106, -0.00958236027508974, -0.01142403669655323, 0.007352591957896948, 0.019390519708395004, -0.035591624677181244, 0.030144214630126953, 0.006999780423939228, 0.0029742009937763214, -0.02032194286584854, -0.0009755237842909992, 0.031132087111473083, -0.008234620094299316, -0.01279294490814209, 0.00592723349109292, 0.005080485716462135, -0.0545305460691452, 0.005362734664231539, -0.08303771913051605, 0.028182582929730415, 0.010958325117826462, -0.007493716198951006, -0.0007510475115850568, -0.011515767313539982, 0.010217420756816864, 0.0042690192349255085, -0.012729438953101635, 0.0013486220268532634, -0.02751929685473442, 0.016059979796409607, -0.00731731066480279, -0.008587432093918324, 0.007338479161262512, -0.013131644576787949, 0.019729219377040863, -0.0060754138976335526, 0.014070122502744198, 0.02846483141183853, 0.006699890363961458, 0.014493497088551521, 0.018289748579263687, 0.030624039471149445, -0.019178833812475204, -0.006107167340815067, -0.011946197599172592, 0.004526571836322546, -0.011614554561674595, 0.014549946412444115, 0.02133804000914097, -0.05819978564977646, 0.007973539642989635, 0.017795812338590622, -0.0019210586324334145, -0.020166706293821335, -0.0037891955580562353, 0.0059237051755189896, 0.001343329786323011, 0.043522827327251434, -0.054022498428821564, -0.019009483978152275, -0.009956340305507183, -0.013159869238734245, 0.0028171997983008623, 0.016469240188598633, 0.029805516824126244, 0.003526350948959589, 0.008721500635147095, -0.012630651704967022, 0.049054913222789764, 0.012694157660007477, -0.01309636328369379, -0.05994972959160805, -0.002788974903523922, 0.011198237538337708, 0.00648114737123251, -0.006304741371423006, 0.009031974710524082, -0.022001326084136963, 0.03355943039059639, 0.0016573320608586073, 0.03827299177646637, 0.006893937010318041, 0.01185446698218584, -0.0019510475685819983, -0.0006438809796236455, -0.0034434401895850897, -0.012898788787424564, -0.025007279589772224, -0.0015938259894028306, 0.0079523716121912, 0.006530540995299816, 0.028097908943891525, 0.014578171074390411, -0.005373319145292044, -0.01670915260910988, 0.016610365360975266, -0.025275416672229767, 0.0012992284027859569, 0.03827299177646637, -0.011635723523795605, -0.016822053119540215, 0.010986550711095333, 0.01624344103038311, -0.008418082259595394, -0.015805955976247787, 0.023977069184184074, 0.015467256307601929, 0.01792282424867153, -0.00716912979260087, 0.015410806983709335, -0.0010910695418715477, -0.0051651606336236, -0.02142271399497986, 0.02375127002596855, -0.033841680735349655, 0.011593385599553585, 0.036156121641397476, 0.03759559243917465, -0.0013865492073819041, 0.0045300996862351894, -0.012066153809428215, -0.028351932764053345, -0.03852701559662819, 0.0025949287228286266, -0.02030782960355282, 0.002109812805429101, -0.005486218724399805, -0.008389857597649097, 0.010224477387964725, 0.004904079716652632, -0.002289746655151248, 0.006936274003237486, -0.02383594587445259, -0.010640795342624187, 0.016441015526652336, -0.012651820667088032, -0.028831755742430687, 0.0347166508436203, -0.005151047836989164, 0.00534862233325839, 0.025571778416633606, 0.008608601056039333, 0.028775306418538094, 0.02495083026587963, 0.03454730287194252, -0.008403969928622246, 0.016779715195298195, -0.03911973908543587, 0.0013891953276470304, -0.00989989098161459, -0.015481368638575077, 0.002905402798205614, -0.016469240188598633, -0.005817861761897802, 0.005454465746879578, -0.010873650200664997, -0.006788093131035566, 0.09054554253816605, 0.03361587971448898, -0.010781919583678246, -0.0003102536138612777, -0.04055920988321304, 0.003108269302174449, 0.036748845130205154, -0.007733628153800964, -0.018332086503505707, -0.04058743640780449, -0.019616318866610527, -0.007493716198951006, 0.0104361642152071, -0.025021392852067947, -0.01296935137361288, -0.00970937218517065, -0.014733408577740192, 0.023497246205806732, 0.0072820293717086315, 0.0005106946337036788, 0.005514443852007389, 0.016003530472517014, 0.021267477422952652, 0.010923043824732304, -0.015029770322144032, -0.01183329802006483, 0.011607498861849308, -0.017471225932240486, 0.023694820702075958, -0.02926924265921116, 0.0008904080605134368, 0.01731598936021328, -0.03217640891671181, -0.020251380279660225, -0.0019792725797742605, -0.009370673447847366, -0.005401544272899628, -0.011064168997108936, 0.03796251863241196, 0.0012057332787662745, 0.02267872355878353, 0.01431709062308073, 0.005560309160500765, -0.0012560089817270637, -0.01435942854732275, -0.019940907135605812, -0.02495083026587963, -0.007394928950816393, -0.025825802236795425], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='bdd96c0e-cefb-4c2d-a5de-cc64c71e98e5', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='fa47c2d1f0428fdb761ae269f018a23b53a9f11c8b18999abd071bd8a444f414'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='bb2db4c8-8eec-4297-a128-371dea9046b5', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='4fa05a9220c27e9e28b14a7a57a1d198cb5d4eb00ff5fdd4848290de2e714015')}, hash='5d4ba6c8303264060554d193bf488948f61c5bb1e0935ec3fd751a71244ebde2', text='8, no. 12, pp. 1618-1629, 2015. [35] D. Krioukov, F. Papadopoulos, M. Kitsak, A. Vahdat, and M. Boguná, \"Hyperbolic geometry of complex networks,\" Physical Review E, vol. ', start_char_idx=4781, end_char_idx=4952, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
462
       " TextNode(id_='bb2db4c8-8eec-4297-a128-371dea9046b5', embedding=[-0.006852868013083935, 0.020492207258939743, 0.0022872015833854675, -0.004284352995455265, 0.012251991778612137, 0.013880465179681778, -0.02296636812388897, 0.008030541241168976, -0.029074890539050102, -0.049874622374773026, 0.012419731356203556, 0.006146963220089674, -0.0005145766772329807, 0.019024483859539032, -0.0014441345119848847, 0.0056717004626989365, 0.014830989763140678, -0.01053265854716301, 0.012231023982167244, -0.0027170346584171057, -0.03335225582122803, 0.008512793108820915, -0.009617079049348831, -0.03796509653329849, 0.0012318388326093554, 0.03069637529551983, 0.03047272190451622, -0.019751356914639473, 0.008687521331012249, -0.02149864472448826, 0.018675025552511215, -0.014621315523982048, -0.005227888934314251, 0.007443451788276434, 0.0026611213106662035, -0.0031031854450702667, 0.02286851964890957, -0.022798629477620125, 0.031143682077527046, -0.00012656925537157804, 0.00018106283096130937, -0.0022050789557397366, -0.009686971083283424, 0.0009679981740191579, -0.006129490211606026, -0.000876702310051769, 0.020967470481991768, -0.016424518078565598, -0.003499820129945874, 0.033072687685489655, 0.02572009526193142, 0.025133006274700165, -0.022043799981474876, -0.006643193308264017, -0.013670790009200573, -0.003069987054914236, 0.00014436976925935596, 0.015222382731735706, -0.003085712669417262, -0.023679262027144432, 0.007317646872252226, -0.014208955690264702, -0.028501780703663826, 0.01650838740170002, -0.01895459182560444, -0.04006184637546539, -0.020687904208898544, 0.011035878211259842, 0.003994302824139595, -0.011035878211259842, 0.013524018228054047, 0.027117926627397537, -0.009959547780454159, 0.0011802938533946872, 0.04319298639893532, -0.014733142219483852, -0.011049856431782246, -0.0010806983336806297, -0.012929939664900303, 0.0186191126704216, -0.0005202553584240377, -0.035476960241794586, 0.0005556379328481853, 0.007702050730586052, 0.005790516268461943, 0.011874577030539513, 0.02114918828010559, 0.019849205389618874, -0.039307016879320145, 0.000736045534722507, 0.04042528197169304, 0.03911131992936134, 0.026321163401007652, -0.01344014797359705, -0.016536343842744827, 0.0176685880869627, -0.024084633216261864, 0.00018805199943017215, 0.012475644238293171, -0.02549644373357296, -0.002245266456156969, 0.012601449154317379, -0.002986117033287883, -0.013111657463014126, -0.012999830767512321, 0.002526580123230815, -0.008393976837396622, 0.00825419370085001, -0.0019307545153424144, 0.020590055733919144, -0.011336412280797958, 0.0007408505771309137, -0.0023064217530190945, -0.005392134189605713, -0.013370256870985031, -0.02156853675842285, 0.027117926627397537, -0.013181549496948719, -0.00905095785856247, -0.019178245216608047, 0.020687904208898544, 0.009561166167259216, 0.009610090404748917, -0.01221704576164484, 0.008317096158862114, 0.028389953076839447, -0.0116369454190135, -0.02655879408121109, -0.006831900682300329, -0.030081329867243767, 0.023874958977103233, 0.02826414816081524, 0.010043418034911156, 0.008442901074886322, -0.03248560056090355, 0.03248560056090355, 0.012517579831182957, -0.01797611080110073, -0.03346408158540726, -0.02971789427101612, 0.0058429348282516, 0.03788122907280922, -0.013600898906588554, -0.021023383364081383, -0.0067724925465881824, 0.02124703675508499, 0.009302567690610886, 0.02149864472448826, 0.009561166167259216, -0.017738480120897293, 0.006070082541555166, 0.004518489819020033, 0.005308264400810003, 0.02750932052731514, 0.007904736325144768, 0.01629871316254139, -0.0021806168369948864, 0.02265884540975094, -0.011462216265499592, -0.049902576953172684, -0.025426551699638367, 0.008184302598237991, 0.004518489819020033, -0.018283633515238762, 0.014481532387435436, 0.019234158098697662, 0.008610640652477741, 0.008386988192796707, -0.017109455540776253, -0.019933074712753296, -0.01428583636879921, 0.020254576578736305, -0.024587852880358696, -0.002823619171977043, 0.005144019145518541, 0.0005001614918000996, 0.0560530349612236, 0.015082599595189095, -0.025230854749679565, -0.010497713461518288, -0.005070633254945278, 3.832432867056923e-06, 0.0012947412906214595, 0.022183582186698914, 0.0024304792750626802, -0.007027596700936556, 0.027145884931087494, -0.008953109383583069, 0.013503050431609154, -0.01987716183066368, 0.017095476388931274, 0.016214843839406967, 0.0049238610081374645, 0.014956794679164886, -0.628464937210083, -0.020506184548139572, 0.011084802448749542, -0.02918671816587448, 0.004749131854623556, 0.007408505771309137, 0.015110556036233902, 0.0336318202316761, 0.016885802149772644, 0.017640631645917892, -0.03100389800965786, 0.010784268379211426, -0.002500370843335986, -0.002659374149516225, -0.02379108965396881, -0.021135209128260612, 0.01512453518807888, -0.021302949637174606, 0.021233057603240013, 0.007191841956228018, -0.020184684544801712, 0.018157828599214554, -0.0032307375222444534, -0.009470307268202305, 0.0027537276037037373, 0.010350940749049187, 0.035812437534332275, -0.04380803182721138, -0.0003911743697244674, 0.015809472650289536, -0.020156728103756905, 0.020184684544801712, 0.007226787973195314, 0.020464250817894936, 0.046715524047613144, -0.0174728911370039, -0.017291173338890076, 0.002551042241975665, 0.028389953076839447, 0.026474924758076668, -0.034973740577697754, -0.02253304049372673, -0.000976734678260982, 0.004707196727395058, -0.013146603479981422, 0.019387919455766678, 0.020562099292874336, 0.006471958942711353, -0.018437394872307777, -0.03282107785344124, -0.00017603937885724008, -0.0005731108249165118, -0.02718781866133213, 0.006713084876537323, -0.0006460601580329239, -0.013097679242491722, 0.01945781148970127, -0.0186191126704216, 0.00637411093339324, 0.0057031516917049885, 0.009449339471757412, -0.003962851595133543, -0.01797611080110073, -0.012510590255260468, -0.009707938879728317, 0.02063198946416378, -0.018982548266649246, 0.02855769358575344, -0.01074932236224413, -0.013551974669098854, 0.02306421659886837, 0.01358692068606615, 0.007806887850165367, 0.0012545535573735833, 0.023273890838027, 0.018968570977449417, 0.013831540942192078, 0.0071254451759159565, -0.02455989643931389, -0.003945379052311182, 0.012091240845620632, 0.008526771329343319, 0.0028218720108270645, -0.0026576267555356026, 0.03916723281145096, 0.005657722242176533, -0.04118011146783829, 0.009078914299607277, -0.013852507807314396, -0.008631608448922634, 0.007394527550786734, 0.002353598363697529, -0.016578279435634613, -0.028431888669729233, -0.0027519804425537586, 0.0166202150285244, 0.005455036647617817, 0.006450991611927748, 0.026586752384901047, -0.04031345620751381, -0.01807395927608013, -0.01937394216656685, 0.02348356507718563, -0.02198788709938526, -0.008561716414988041, 0.01819976419210434, -0.00399779761210084, 0.01032298430800438, 0.025468487292528152, -0.017095476388931274, 0.015781516209244728, -0.0094074048101902, -0.012992842122912407, 0.00804451946169138, -0.0056402492336928844, -0.033911388367414474, 0.04461877420544624, 0.011678881011903286, -0.01744493469595909, 8.168576459866017e-05, 0.03606404736638069, 0.010455777868628502, 0.010218147188425064, -0.013160581700503826, 0.011441249400377274, 0.006765503436326981, 0.009162784554064274, -0.03164689987897873, -0.03502965345978737, -0.005947772413492203, 0.022407235577702522, 0.002533569233492017, 0.01778041385114193, -0.012615427374839783, 0.01926211453974247, -0.007583234924823046, 0.009274610318243504, 9.282473183702677e-05, 0.0067550200037658215, -0.007792909629642963, -0.02836199663579464, 0.010651474818587303, 0.009875678457319736, -0.038356490433216095, -0.0015446036122739315, -0.01307671144604683, -0.030277026817202568, 0.012755210511386395, -0.012790156528353691, -0.011595010757446289, -0.0073525928892195225, -0.001721953391097486, -0.033268384635448456, 0.0212749931961298, 0.0013060986530035734, -0.009749873541295528, -0.012245002202689648, -0.009749873541295528, -0.008177313022315502, -0.01989113911986351, -0.002481150673702359, 0.03282107785344124, -0.019332006573677063, -0.013314343057572842, -0.00595126673579216, 0.0009461570880375803, 0.002589482581242919, 0.012091240845620632, 0.023092173039913177, -0.033380210399627686, 0.006817921996116638, -0.011224585585296154, -0.03122755140066147, 0.019695444032549858, -0.015515927225351334, -0.0005320495693013072, 0.0010195431532338262, -0.003152109682559967, 0.006426529493182898, -0.010246103629469872, 0.004770099185407162, 0.0038789818063378334, 0.0006783850258216262, -0.014830989763140678, 0.034973740577697754, -0.012035327963531017, 0.01671806164085865, 0.013342299498617649, 2.175920963054523e-05, 0.005804494488984346, 0.005441058427095413, 0.037070486694574356, -0.01063050702214241, 0.010805236175656319, -0.01053265854716301, 0.013880465179681778, -0.007674093823879957, -0.00017440129886381328, -0.007443451788276434, 0.030920028686523438, 0.009770840406417847, -0.0028882690239697695, -0.0037042528856545687, -0.024587852880358696, 0.015278296545147896, -0.032010335475206375, 0.009428372606635094, -0.011608988977968693, 0.005252351053059101, 0.0033198492601513863, 0.023525500670075417, -0.013307354412972927, -0.022253474220633507, -0.017486870288848877, 0.009057946503162384, 0.03142324835062027, -0.009770840406417847, 0.006251800339668989, -0.017305152490735054, 0.014621315523982048, 0.010525669902563095, -0.017305152490735054, 0.02657277323305607, 0.0047666048631072044, -0.005336220841854811, -0.00661523686721921, 0.01606108248233795, 0.027145884931087494, -0.00027017458342015743, 0.0015218888875097036, -0.006831900682300329, -0.01670408435165882, 0.012804134748876095, 0.008240215480327606, 0.020296510308980942, -0.0027694532182067633, 0.03447052091360092, -0.005259340163320303, 0.004826012533158064, -0.00492036622017622, 0.012468655593693256, 0.010385886766016483, 0.013468104414641857, -0.03100389800965786, 0.005266329273581505, -0.011315444484353065, 0.030500678345561028, 0.01724923774600029, -0.011287488043308258, 0.01829761266708374, -0.012140165083110332, 0.03251355513930321, 0.0015009213238954544, 0.007883768528699875, 0.02625127136707306, -0.01559979747980833, 0.013600898906588554, 0.01937394216656685, 0.012922950088977814, 0.031702812761068344, 0.007848822511732578, -0.006748030427843332, 0.01485894713550806, -0.011266520246863365, 0.00481203431263566, -0.054543375968933105, -0.0030402829870581627, 0.019094375893473625, 0.016116995364427567, -0.00962406862527132, -0.001495679491199553, -0.00706603704020381, -0.0015131523832678795, -0.006831900682300329, 0.013544985093176365, 0.008247205056250095, 0.007282701320946217, -0.030920028686523438, 0.02124703675508499, 0.011546086519956589, -0.03606404736638069, -0.009714927524328232, 0.01723526045680046, 0.02010081335902214, 0.0009444097522646189, -0.008561716414988041, 0.00404672184959054, 0.02064596861600876, -0.03628770262002945, -0.006423034705221653, -0.0013681274140253663, 0.002577251521870494, 0.01327240839600563, -0.018716961145401, -0.009756862185895443, -0.011553076095879078, 0.020128771662712097, 0.004598864819854498, -0.008191291242837906, -0.0006294609047472477, 0.01894061453640461, -0.00029747598455287516, -0.011825652793049812, 0.0005001614918000996, 0.03883175551891327, -0.007834844291210175, -0.004071183502674103, -0.018437394872307777, 0.004651283845305443, -0.010931041091680527, 0.011245552450418472, 0.00719883106648922, 0.008456879295408726, 0.0029651497025042772, 0.002970391418784857, -0.004626821726560593, -0.018661048263311386, 0.00974288396537304, 0.04159945994615555, -0.005301275290548801, -0.014649271965026855, -0.021708320826292038, -0.017081499099731445, 0.020883599296212196, 0.041096240282058716, 0.0315350741147995, -0.004906387999653816, 0.007184852845966816, 0.006503410171717405, -0.012776178307831287, -0.02325991354882717, 0.005846429616212845, 0.006384594365954399, -0.0016773975221440196, -0.005402618087828159, -0.025762030854821205, 0.005151008255779743, 0.0041550537571311, 0.040369369089603424, -0.0027048035990446806, -0.014453575946390629, -0.033492039889097214, -0.0034858419094234705, 0.012084251269698143, -0.02105133980512619, -0.01628473401069641, 0.0016197370132431388, 0.01365681178867817, -0.012112208642065525, -0.009491274133324623, 0.037517793476581573, 0.016256777569651604, 0.007590224035084248, -0.024923332035541534, -0.007953660562634468, 0.009596112184226513, 0.021079296246170998, 0.01406917255371809, -0.011189639568328857, 0.011140715330839157, 0.017165368422865868, 0.03206624835729599, 0.009973526000976562, -0.007632159162312746, 0.01926211453974247, 0.0031922971829771996, 0.007946670986711979, 0.0063007245771586895, -0.0012126186629757285, -0.007716028951108456, 0.011895544826984406, 0.022686801850795746, -0.02728566713631153, -0.018451374024152756, 0.013167571276426315, -0.023972807452082634, -0.010127288289368153, -0.017850305885076523, -0.0040047867223620415, -0.004193494096398354, -0.006943726912140846, 0.0007050311542116106, 0.0055913254618644714, -0.03595222160220146, 0.006947221700102091, -0.006412551272660494, 0.013265418820083141, -0.0024933815002441406, 0.0022033315617591143, -0.0174728911370039, -0.034973740577697754, -0.01670408435165882, -0.019807269796729088, -0.004819023422896862, 0.019695444032549858, -0.01649441011250019, -0.023637328296899796, -0.021037360653281212, 0.008547738194465637, 0.01948576793074608, 0.007688072044402361, 0.012398763559758663, -0.03312860056757927, 0.01894061453640461, -0.01873094029724598, -0.02010081335902214, -0.0024112591054290533, -0.021834125742316246, 0.02126101404428482, -0.009917613118886948, -0.02105133980512619, -0.00716388551518321, -0.005996696185320616, -0.022770671173930168, 0.003620383096858859, -0.011741782538592815, 0.007667104713618755, -0.006318197585642338, 0.008680532686412334, -0.00830311793833971, 0.014467554166913033, 0.025845900177955627, 0.014027236960828304, 0.0016599246300756931, 0.01067943125963211, 0.001783982152119279, -0.01005739625543356, -0.009400415234267712, 0.016662148758769035, 0.001265037339180708, 0.004158548079431057, 0.01042083278298378, -0.00441365223377943, -0.010567604564130306, 0.029494240880012512, -0.02126101404428482, 0.008121400140225887, -1.1801026630564593e-05, 0.02612546645104885, 0.034442562609910965, 0.030975941568613052, 0.005982717964798212, 0.010029439814388752, -0.014998730272054672, -0.011629956774413586, -0.0038719926960766315, -0.008540749549865723, 0.005238372832536697, -0.009155794978141785, 0.011266520246863365, -0.0186191126704216, -0.018577178940176964, -0.012985852546989918, -0.0026139444671571255, -0.012594460509717464, 0.010882116854190826, -0.0026663632597774267, -0.02328786998987198, -0.04022958502173424, -0.012049306184053421, -0.006985662039369345, -0.008820315822958946, -0.04411555454134941, -0.02274271473288536, 0.0057031516917049885, -0.016480430960655212, 0.008016562089323997, -0.0058429348282516, -0.020604033023118973, -0.02488139644265175, -0.016116995364427567, 0.0072058201767504215, 0.01968146488070488, 0.025622248649597168, -0.0007552657043561339, 0.00010691225179471076, 0.0022365301847457886, -0.0233717393130064, -0.007303668651729822, -0.013852507807314396, -0.010658463463187218, 0.024476027116179466, 0.02147068828344345, 0.00742947356775403, 0.02496526762843132, 0.001799707766622305, 0.005238372832536697, 0.015473992563784122, 0.013551974669098854, -0.00842193327844143, -0.0020181189756840467, -0.006122501101344824, -0.015585819259285927, 0.00751334335654974, 0.03332429751753807, -0.009023001417517662, 0.02488139644265175, 0.011867587454617023, 0.01641053892672062, 0.0116369454190135, 0.013978312723338604, -0.004480049479752779, -0.0021054833196103573, -0.04749830812215805, 0.005965244956314564, -0.010092342272400856, -0.014621315523982048, 0.000584031397011131, -0.038021013140678406, -0.028012540191411972, 0.006580290850251913, -0.001500047743320465, 0.01831158995628357, -0.008729456923902035, 0.033492039889097214, -0.01074932236224413, 0.001562076504342258, 0.022057777270674706, 0.02826414816081524, -0.03377160429954529, 0.013461115770041943, -0.02887919545173645, -0.005280307959765196, 0.017011607065796852, -0.010036428458988667, 0.025146985426545143, -0.005947772413492203, 0.004001291934400797, -0.004707196727395058, 0.01439766213297844, -0.011336412280797958, -0.015627754852175713, -0.00483649643138051, -0.0014519973192363977, -0.006227338686585426, -0.02433624304831028, -0.008547738194465637, 0.021526603028178215, -0.016592256724834442, 0.0038300578016787767, -0.014153041876852512, 0.006947221700102091, -0.027467384934425354, -0.011042867787182331, 0.014677228406071663, 0.012007370591163635, 0.03335225582122803, -0.018689004704356194, 0.028082430362701416, 0.04020162671804428, -0.009679981507360935, -0.025524400174617767, 0.01353799644857645, -0.004668756388127804, 0.0073525928892195225, 0.024462047964334488, 0.022770671173930168, -0.04414351284503937, -0.040565066039562225, -0.005042676348239183, -0.0073386142030358315, 0.003042030381038785, -0.03519739210605621, 0.017067519947886467, 0.024378178641200066, 0.007069531828165054, -0.025328703224658966, -0.006377605255693197, -0.027635125443339348, 0.04719078540802002, 0.005884869955480099, 0.013258430175483227, 0.011699847877025604, -0.006091049872338772, 0.005465520545840263, 0.03100389800965786, 0.010008472017943859, 0.05004236102104187, 0.007153401616960764, -0.019961031153798103, 0.017179347574710846, -0.0011933984933421016, -0.0033879936672747135, 0.011056846007704735, -0.0188148096203804, 0.0317307710647583, -0.009505253285169601, 0.0009321787510998547, 0.027131905779242516, 0.007478397339582443, 0.003658823436126113, 0.0012528062798082829, 0.00610852288082242, 0.03637157008051872, -0.024070655927062035, -0.019080396741628647, -0.0016625456046313047, 0.002308168914169073, 0.028907151892781258, -0.0038125847931951284, -0.000552580168005079, -0.013691757805645466, -0.0184234157204628, -0.02042231522500515, 0.023231957107782364, 0.000456916110124439, 0.02402872033417225, 0.023986784741282463, -0.004015270620584488, -0.013635843992233276, -0.036986615508794785, -5.162693196325563e-05, 8.676382276462391e-05, -0.039418842643499374, -0.015222382731735706, -0.010309006087481976, -0.004151558969169855, 0.007702050730586052, -0.004574403166770935, -0.026474924758076668, 0.019122332334518433, 0.018032023683190346, -0.020967470481991768, 0.024294307455420494, 0.026922231540083885, 0.014830989763140678, -0.04266181215643883, -0.008191291242837906, -0.003567964304238558, -0.025566333904862404, 0.033268384635448456, -0.01724923774600029, -0.02180616930127144, 0.004305320326238871, -0.007233777083456516, 0.02008683606982231, 0.02538461610674858, -0.0024741613306105137, -0.003421192057430744, -0.008170324377715588, -0.0003988187527284026, -0.011769739910960197, -0.011119748465716839, 0.03620383143424988, -0.007883768528699875, 0.021205101162195206, 0.021079296246170998, -0.022057777270674706, 0.026726534590125084, -0.01566968858242035, -0.001491311239078641, -0.007132434286177158, -0.04372416436672211, -0.011986403726041317, -0.0005381650407798588, 0.006870341021567583, -0.0018416427774354815, -0.016969671472907066, -0.011923501268029213, 0.01115469355136156, -0.01723526045680046, 0.011098780669271946, -0.010162233375012875, -0.01497077289968729, 0.014677228406071663, 0.009540198370814323, -0.017584718763828278, -0.012014360167086124, -0.014006270095705986, -0.00481203431263566, 0.011713826097548008, 0.014355727471411228, -0.034442562609910965, 0.0015446036122739315, 0.031674858182668686, 0.04679939150810242, 0.021191122010350227, -0.030528636649250984, -0.016116995364427567, -0.013111657463014126, -0.05088105797767639, -0.025734074413776398, -0.006478948052972555, 0.0021386819425970316, 0.0020687903743237257, 0.012999830767512321, -0.006674644537270069, 0.023008303716778755, -0.006768998224288225, -0.01670408435165882, 0.007974627427756786, -0.012405753135681152, -0.008268171921372414, 0.0062692733481526375, 0.004595370497554541, 0.01715138927102089, -0.04187902435660362, 0.0007425978546962142, -0.00041017611511051655, 0.012049306184053421, -0.016480430960655212, 0.0005731108249165118, -0.004675745498389006, -0.00883429404348135, -0.011811674572527409, -0.00764613738283515, -0.001140106120146811, 0.0028131355065852404, -0.006594269070774317, -0.02825017087161541, -0.005070633254945278, 0.017528804019093513, -0.010274060070514679, -0.02000296674668789, -0.004822518210858107, -0.004560424480587244, -0.005112567916512489, -0.005171976052224636, -0.019066419452428818, -0.012307904660701752, 0.02474161423742771, -0.010931041091680527, 0.021288970485329628, -0.002994853537529707, 0.007024102378636599, 0.04699508845806122, -0.010539648123085499, 0.012832091189920902, -0.004095645621418953, -0.0059617506340146065, -0.03206624835729599, -0.0034299285616725683, 0.004242417868226767, -0.004542951937764883, 0.007059047929942608, -0.002343114698305726, 0.0042319344356656075, -0.004053710959851742, -0.013188538141548634, 0.004434620030224323, -0.01020416896790266, -0.012405753135681152, 0.01617290824651718, 0.005748581141233444, -0.02230938710272312, -0.012776178307831287, -0.01248263381421566, 0.0005652480176649988, -0.002531822072342038, 0.0064649698324501514, 0.00017942475096788257, -0.017486870288848877, 0.00893214251846075, 0.003851025365293026, 0.004794561304152012, -0.0016040113987401128, 0.022491104900836945, 0.003117163898423314, 0.0031922971829771996, 0.013901432044804096, 0.19580821692943573, -0.0035277768038213253, 0.026712555438280106, 0.005266329273581505, 0.00882730446755886, -0.0016275998204946518, 0.043444596230983734, 0.00777893140912056, 0.016326669603586197, -0.0066851284354925156, -0.004217955749481916, 0.022560996934771538, -0.017277194187045097, 0.00029179727425798774, 0.030332939699292183, -0.02422441728413105, -0.052111152559518814, -0.0372382253408432, -0.033380210399627686, 0.0038370469119399786, -0.008359030820429325, 0.003256947034969926, -0.0008788864361122251, -0.03351999446749687, 0.015082599595189095, -0.03673500567674637, -0.03354795277118683, -0.00974288396537304, 0.012734243646264076, 0.008533759973943233, -0.024196460843086243, -0.013349289074540138, 0.02148466743528843, 0.00742947356775403, -0.010924051515758038, -0.00900203362107277, 0.02963402308523655, 0.008701499551534653, 0.004759615752846003, 0.01631269045174122, -0.016801932826638222, -0.03544900193810463, -0.004256396554410458, 0.003616888541728258, 0.0116858696565032, 0.009232675656676292, -0.009239665232598782, 0.017696544528007507, 0.000913832220248878, -0.0033425642177462578, -0.031563032418489456, -0.0037391986697912216, 0.040145713835954666, 0.037405963987112045, -0.022798629477620125, 0.0006945474306121469, -0.02074381709098816, 0.025566333904862404, -0.005021709017455578, -0.0021823642309755087, -0.026307186111807823, 0.019695444032549858, 0.02868349850177765, 0.013901432044804096, -0.009994493797421455, 0.01423691213130951, -0.021778210997581482, 0.007555278018116951, 0.016564300283789635, 0.000738229660782963, 0.016536343842744827, -0.014803033322095871, -0.012720264494419098, 0.0011331170098856091, -0.04822517931461334, -0.013614877127110958, 0.041627414524555206, 0.002210320672020316, -0.0033635315485298634, 0.038356490433216095, -0.005147513933479786, 0.0315350741147995, -0.01684386655688286, 0.006014169193804264, -0.02686631865799427, -0.053816504776477814, -0.013866486959159374, 0.005133535247296095, -0.010742333717644215, -0.01863309182226658, -0.013684768229722977, 0.02474161423742771, -0.01736106537282467, -0.005343209952116013, 0.019513724371790886, 0.004560424480587244, 0.016047103330492973, 0.003026304766535759, -0.012098230421543121, 0.013978312723338604, -0.013286386616528034, 0.04981870949268341, 0.006077071651816368, -0.007813877426087856, -0.014264868572354317, -0.005441058427095413, 0.0019237652886658907, 0.011364368721842766, 0.009693959727883339, 0.012021348811686039, -0.0014362717047333717, -0.023273890838027, -0.005821967497467995, -0.014956794679164886, 0.006933243479579687, 0.024070655927062035, 0.0038475305773317814, -0.02349754422903061, -0.008449890650808811, -0.005689173471182585, 0.014523467049002647, -0.017207304015755653, 0.0047980560921132565, 0.02379108965396881, -0.005814978387206793, 0.01789224147796631, -0.023553457111120224, -0.007499365136027336, -0.008715477772057056, -0.03371569141745567, 0.019597595557570457, -0.011797696352005005, -0.0017350581474602222, -0.009113860316574574, -0.00014928400923963636, -0.0051999324932694435, -0.00984073244035244, -0.007848822511732578, -0.01660623587667942, -0.0092606320977211, -0.0013611381873488426, -0.008366020396351814, -0.004008281044661999, 0.03368773311376572, -0.0060421256348490715, -0.013202516362071037, 0.015571841038763523, 0.01840943843126297, 0.003595920978114009, -0.027956625446677208, 0.004357738886028528, -0.021945951506495476, 0.006643193308264017, -0.002690825378522277, 0.026405032724142075, 0.0018678520573303103, -0.008212259039282799, -0.03760166093707085, 0.011000932194292545, 0.017836326733231544, -0.036119960248470306, 0.011322434060275555, 0.04157150164246559, -0.019597595557570457, -0.0022365301847457886, -0.006283251568675041, -0.18037615716457367, 0.01850728690624237, 0.024573873728513718, -0.021959930658340454, 0.012594460509717464, 0.027579212561249733, 0.01290897186845541, -0.0015017950208857656, -0.002565020462498069, -0.0015917804557830095, 0.008407955057919025, 0.0015690656146034598, 0.0007107098354026675, -0.014719163998961449, 0.004791066981852055, 0.004106129519641399, 0.012175111100077629, -0.0025877351872622967, 0.004794561304152012, 0.006360132247209549, 0.0009321787510998547, -0.024923332035541534, 0.010854160413146019, 0.01550194900482893, -0.024252373725175858, 0.03024907037615776, -0.02613944560289383, 0.01660623587667942, -0.023637328296899796, -0.009204719215631485, 0.009029990062117577, -0.010693409480154514, 0.018912658095359802, -0.0028603123500943184, -0.0072058201767504215, 0.024503983557224274, -0.018255677074193954, 0.006388089153915644, 0.0008732077549211681, 0.0543476827442646, 0.013314343057572842, 0.02590181492269039, 0.016857845708727837, 0.010246103629469872, -0.022826585918664932, -0.0013226978480815887, 0.010588572360575199, -0.00507762236520648, -0.009344502352178097, -0.021009404212236404, -0.012091240845620632, -0.01397132407873869, 0.03578448295593262, 0.0046652620658278465, 0.013454126194119453, 0.021540580317378044, 0.02305023744702339, 0.01094501931220293, 0.00716388551518321, -0.017011607065796852, -0.030500678345561028, -0.012112208642065525, 0.009973526000976562, -0.012496612034738064, -0.0041795154102146626, -0.021219078451395035, -0.02590181492269039, -0.010952007956802845, -0.027649102732539177, -0.007226787973195314, -0.01327240839600563, -0.01733310893177986, 0.021778210997581482, -0.0065593235194683075, 0.014271857216954231, 0.0022749705240130424, 0.003225495805963874, -0.0044066631235182285, -0.00808645412325859, 0.013216494582593441, -0.01121060736477375, 0.039726365357637405, 0.00724775530397892, -0.012321882881224155, 0.019401898607611656, -0.029606066644191742, -0.018968570977449417, -0.01576753705739975, 0.006807438563555479, 0.00010582019604044035, 0.008603652007877827, -0.01032298430800438, 0.0060246530920267105, -0.02741147205233574, 0.019415877759456635, -0.01090308465063572, 0.0010370160453021526, -0.005220899824053049, 0.0027205292135477066, -0.014048204757273197, -0.004287847317755222, -0.003560975193977356, -0.02657277323305607, -0.013565952889621258, 0.06122501194477081, 0.012580481357872486, -0.0038684981409460306, -0.009945569559931755, 0.024573873728513718, -0.013768638484179974, -0.01312563568353653, 0.006845878902822733, 0.01884276606142521, 0.002007635310292244, -0.009428372606635094, 0.03575652465224266, 0.006353143136948347, -0.036986615508794785, 0.02180616930127144, -0.0166202150285244, 0.06211962178349495, 0.009561166167259216, -0.016759997233748436, -0.019695444032549858, 0.011203617788851261, -0.008163334801793098, -0.08845476806163788, 0.004399674013257027, 0.014153041876852512, 0.018493307754397392, -0.04526177793741226, 0.011769739910960197, -0.010120298713445663, 0.004525478929281235, -0.005773043259978294, 0.03069637529551983, -0.009603100828826427, -0.005664711352437735, -0.009952559135854244, -0.0029931063763797283, 0.015851406380534172, -0.004567413590848446, 0.022784650325775146, -0.03461030498147011, 0.010644485242664814, 0.027900712564587593, 0.0032831563148647547, -0.003038535825908184, -0.010197179391980171, -0.0024741613306105137, 0.002491634339094162, 0.006150457542389631, -0.03368773311376572, 0.02095349133014679, 0.018032023683190346, 0.00010554718755884096, 0.007478397339582443, -0.038664013147354126, 0.015809472650289536, -0.03449847549200058, -0.004371717572212219, -0.004874936770647764, -0.019024483859539032, 0.0014441345119848847, 0.027159862220287323, -0.029606066644191742, 0.01744493469595909, -0.0010081857908517122, 0.026502881199121475, -0.011979414150118828, -0.023930871859192848, -0.008414944633841515, -0.03340816870331764, 0.022700781002640724, -0.015138513408601284, -0.01327240839600563, -0.00931654591113329, -0.021666385233402252, -0.002741496544331312, -0.003564469749107957, 0.025091072544455528, -0.00825419370085001, -0.00113661156501621, 0.013307354412972927, -0.023413674905896187, 0.006185403559356928, -0.017584718763828278, -0.007121950387954712, -0.02042231522500515, 0.022197561338543892, 0.02622331492602825, 0.01190253347158432, -0.03530921787023544, -0.02879532426595688, 0.016550322994589806, -0.006964694708585739, -0.01755676046013832, 0.025957727804780006, -0.023203998804092407, 0.010469756089150906, -0.03206624835729599, -0.012664351612329483, -0.027048036456108093, -0.02813834510743618, 0.008904185146093369, 0.0032656833063811064, -0.006852868013083935, -0.03259742632508278, -0.013852507807314396, -0.01413207408040762, 0.01694171503186226, -0.011336412280797958, -0.013642833568155766, 0.01724923774600029, 0.018982548266649246, -0.03472213074564934, 0.02381904609501362, 0.012664351612329483, 0.004584886599332094, -0.023860979825258255, 0.0010964239481836557, 0.028935108333826065, -0.000882380991242826, -0.013181549496948719, 0.010260081849992275, 0.0014467553701251745, -0.03852422907948494, 0.008638597093522549, -0.0771602913737297, 0.0259297713637352, 0.0036762964446097612, -0.0067864712327718735, -0.0016555564943701029, -0.006052609533071518, 0.01649441011250019, 0.0007251249626278877, -0.008393976837396622, 0.0005621902528218925, -0.0376296192407608, 0.016466453671455383, -0.006576796527951956, -0.008904185146093369, 0.006143468432128429, -0.01575355976819992, 0.021750254556536674, -0.007212809752672911, 0.01892663538455963, 0.024685701355338097, 0.003183560911566019, 0.0057346029207110405, 0.021205101162195206, 0.016592256724834442, -0.008379998616874218, -0.007750974502414465, -0.007013618480414152, 0.004651283845305443, -0.005157997366040945, 0.013775627128779888, 0.020897578448057175, -0.052838023751974106, 0.010336962528526783, 0.006727063097059727, -0.0015533400001004338, -0.006978672929108143, 6.0008460422977805e-05, 0.004724669735878706, 0.011881565675139427, 0.04383599013090134, -0.049035921692848206, -0.013209505937993526, -0.007702050730586052, -0.01765460893511772, 0.0006556702428497374, 0.014803033322095871, 0.023301847279071808, 0.0015716865891590714, 0.011364368721842766, -0.01253155805170536, 0.04517790675163269, 0.021135209128260612, -0.010812224820256233, -0.05870891362428665, -0.00713942339643836, 0.006255295127630234, 0.01185360923409462, -0.009414393454790115, -0.0019901623018085957, -0.030277026817202568, 0.03287699073553085, 0.013111657463014126, 0.038440361618995667, 0.0016188634326681495, 0.009652025066316128, 0.0062378221191465855, -0.0031101745553314686, -0.0015909067587926984, -0.007457430008798838, -0.027355559170246124, -0.010225135833024979, 0.009057946503162384, 0.0016075059538707137, 0.017822349444031715, 0.010392875410616398, -0.008792359381914139, -0.012468655593693256, 0.014355727471411228, -0.02910284698009491, 0.006098038982599974, 0.03721027076244354, -0.012552524916827679, -0.023665284737944603, 0.014467554166913033, 0.016969671472907066, 0.00048749367124401033, -0.014719163998961449, 0.02474161423742771, 0.0031101745553314686, 0.006814427673816681, -0.01269929762929678, 0.011881565675139427, -0.004001291934400797, -0.006098038982599974, -0.016340648755431175, 0.02560826949775219, -0.03858014568686485, 0.009330524131655693, 0.028907151892781258, 0.0370425283908844, -0.003484094515442848, 0.00476311007514596, -0.005329231731593609, -0.02604159712791443, -0.0332404300570488, -0.0011217596475034952, -0.018982548266649246, -0.00048443590640090406, 0.003924411255866289, -0.013943367637693882, 0.01079824659973383, 0.011441249400377274, -0.0067724925465881824, 0.008219247683882713, -0.024252373725175858, -0.004431125242263079, 0.0177664365619421, -0.02124703675508499, -0.033492039889097214, 0.025845900177955627, -0.004913377109915018, 0.0058429348282516, 0.01935996301472187, 0.0043437606655061245, 0.030640462413430214, 0.02272873744368553, 0.03472213074564934, -0.010595561005175114, 0.018171807751059532, -0.037713490426540375, -0.002912730909883976, -0.004127096850425005, -0.007345603313297033, 0.007918714545667171, -0.015362165868282318, -0.013845519162714481, 0.00782785564661026, -0.012622416950762272, -0.01200038194656372, 0.08974076807498932, 0.0353371761739254, -0.002498623449355364, -0.002416500821709633, -0.03223399072885513, 0.0006181035423651338, 0.03332429751753807, -0.00300009548664093, -0.017738480120897293, -0.0425499863922596, -0.013796594925224781, -0.01032298430800438, 0.016256777569651604, -0.024280330166220665, -0.008953109383583069, -0.0073525928892195225, -0.013894443400204182, 0.02369324117898941, 0.0020181189756840467, 0.002229540841653943, 0.015194426290690899, 0.01641053892672062, 0.024154525250196457, 0.0074015166610479355, -0.014215944334864616, -0.009686971083283424, 0.011203617788851261, -0.012755210511386395, 0.02295239083468914, -0.026419011875987053, -0.001097297528758645, 0.010588572360575199, -0.03419095277786255, -0.015194426290690899, -0.00605959864333272, -0.004053710959851742, -0.01094501931220293, -0.005067138466984034, 0.032317858189344406, 0.0006080566090531647, 0.017752457410097122, 0.0186191126704216, 0.0028690488543361425, -0.0021037361584603786, -0.007757963612675667, -0.01937394216656685, -0.028194257989525795, -0.006531366612762213, -0.025692138820886612], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='6bd95ca0-51f5-4e8c-9929-a28e58ecf6e0', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f021b1cc2f36e1f4801fb704027fa651a0c9b9b1617091c340bd2e931561bf15'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='19d7a65e-542a-49e8-b39f-e58ac268df73', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='bbfc8990ea1f6dd2eea70561eb43769e897c90d18aacb2cfe77646ee6ed7feb8')}, hash='92f6df4a228e6ffe84e9ce5eddc01353bf224646a9d85fc2fb17ba452a2ab1e6', text='82, no. 3, p. 036106, 2010. [36] A. Gulyás, J. J. Bíró, A. K őrösi, G. Rétvári, and D. Krioukov, \"Navigable net works as Nash equilibria of navigation games,\" Nature Communications, vol. ', start_char_idx=4952, end_char_idx=5139, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
463
       " TextNode(id_='19d7a65e-542a-49e8-b39f-e58ac268df73', embedding=[-0.0076929861679673195, 0.03133143484592438, 0.0011679352028295398, -0.006311745382845402, 0.004815110005438328, 0.008756016381084919, -0.005818694829940796, 0.00015801218978594989, -0.032282568514347076, -0.05701202154159546, 0.00718245143070817, 0.0030352326575666666, 0.00484308460727334, 0.016071347519755363, -0.0075601073913276196, 0.013861361891031265, 0.023246804252266884, -0.0031401370652019978, 0.002381328959017992, -0.00359821948222816, -0.035052042454481125, 0.010140754282474518, -0.02082701213657856, -0.03018447943031788, 0.012350738979876041, 0.03941606357693672, 0.02710728533565998, -0.017512032762169838, 0.01325991004705429, -0.016644824296236038, 0.019973788410425186, -0.025988304987549782, -0.005671828985214233, 0.015218124724924564, 0.0033464489970356226, -0.0007933391607366502, 0.02940119430422783, -0.02892562747001648, 0.035527609288692474, -0.0013663792051374912, 0.0007168464362621307, 0.0037940407637506723, -0.005413064733147621, 7.08104416844435e-05, -0.014155094511806965, -0.008721048943698406, 0.006689400877803564, -0.014301960356533527, -0.009833035059273243, 0.03144333139061928, 0.020729100331664085, 0.02635197341442108, -0.021064793691039085, 0.005769739393144846, -0.01678469590842724, -0.01390332356095314, -0.0010910052806138992, 0.017008492723107338, 0.01156045962125063, -0.01402920950204134, 0.007469190284609795, -0.006608974188566208, -0.022463519126176834, 0.012280803173780441, -0.01940031163394451, -0.027848608791828156, -0.015581793151795864, 0.011007963679730892, 0.0025194529443979263, -0.010357556864619255, 0.015204138122498989, 0.02702336199581623, -0.010259645991027355, -0.008623138070106506, 0.03681443631649017, -0.017651906237006187, -0.0017536511877551675, 0.004301078617572784, -0.014504775404930115, 0.020589228719472885, -0.006843260955065489, -0.031247509643435478, 0.0061858599074184895, 0.009448385797441006, 0.0015027548652142286, 0.022379595786333084, 0.017008492723107338, 0.010462461039423943, -0.026072228327393532, -0.0007299594581127167, 0.03203079476952553, 0.035527609288692474, 0.02668766863644123, -0.023106932640075684, -0.014092152006924152, 0.012231848202645779, -0.026030266657471657, 0.004143721889704466, 0.012077988125383854, -0.023358702659606934, -0.010672269389033318, 0.0071614705957472324, 0.011175810359418392, -0.00975610502064228, -0.003091181628406048, -0.002564911497756839, -0.016546914353966713, 0.005577414762228727, -0.0037660663947463036, 0.018351268023252487, -0.012987159192562103, 0.00992395170032978, -0.00821051374077797, -0.0040772827342152596, -0.02135852724313736, -0.019330376759171486, 0.025540713220834732, -0.02621210180222988, -0.005643854383379221, -0.025149071589112282, 0.025638625025749207, 0.012001058086752892, 0.010168728418648243, -0.025736534968018532, 0.016630837693810463, 0.02256142906844616, -0.0059760515578091145, -0.037010256201028824, -0.008441303856670856, -0.02914942428469658, 0.02183409221470356, 0.021764157339930534, 0.007238400634378195, 0.007105521857738495, -0.016770709306001663, 0.02376433275640011, 0.01398724690079689, -0.02884170413017273, -0.03919226676225662, -0.036926332861185074, 0.013658546842634678, 0.033821165561676025, -0.011385619640350342, -0.019498223438858986, -0.017847727984189987, 0.03054814785718918, 0.005465516820549965, 0.02208586409687996, 0.007797890342772007, -0.024645529687404633, 0.016966531053185463, 0.00394440395757556, -0.007797890342772007, 0.03043624944984913, 0.012560548260807991, 0.01984790340065956, -0.0016365079209208488, 0.02867385745048523, -0.014434839598834515, -0.04358426108956337, -0.03130345791578293, 0.025918370112776756, -0.0007658018148504198, -0.0077699157409369946, 0.006105433683842421, 0.016043372452259064, 0.00356674799695611, 0.010539391078054905, -0.01456072460860014, -0.023372691124677658, -0.011819223873317242, 0.021540360525250435, -0.03264623507857323, 0.007665011566132307, 0.0031593695748597383, -0.005073873791843653, 0.04313667118549347, 0.012644471600651741, -0.03211471810936928, -0.018323294818401337, -0.0015674459282308817, -0.01066527608782053, -0.0036751492880284786, 0.02133055217564106, -0.011091887019574642, -0.0024547618813812733, 0.02878575585782528, 0.00257190503180027, 0.014504775404930115, -0.012728394940495491, 0.0009074226836673915, 0.00786083284765482, -0.004636772442609072, 0.01109888032078743, -0.6158864498138428, -0.02923334762454033, 0.022519467398524284, -0.03656266629695892, -0.00401433976367116, 0.0038010345306247473, 0.014322941191494465, 0.02842208743095398, 0.025498751550912857, 0.02163827233016491, -0.02710728533565998, 0.011749288067221642, 0.0010761438170447946, 0.0022816697601228952, -0.021400488913059235, -0.022939085960388184, 0.012175898998975754, -0.02878575585782528, 0.034184832125902176, 0.0007448209216818213, -0.01013376098126173, 0.02856195904314518, -0.0003791855415329337, -0.00359821948222816, -0.00022532581351697445, 0.002169771818444133, 0.04579424858093262, -0.05225635692477226, 0.007755928672850132, 0.022799212485551834, -0.019358349964022636, 0.02222573570907116, 0.009497340768575668, 0.024855338037014008, 0.049570806324481964, -0.006098439916968346, -0.013308865949511528, 0.012749375775456429, 0.04190579429268837, 0.01870094984769821, -0.037122152745723724, -0.017791777849197388, 0.0029548059683293104, 0.0049095237627625465, -0.01463066041469574, 0.02007170021533966, 0.012294790707528591, -0.001823587343096733, -0.017693867906928062, -0.04008745029568672, 0.002449516672641039, -0.0003439988649915904, -0.026617731899023056, 0.010308600962162018, 0.0046402690932154655, -0.01355364266782999, 0.02763880044221878, -0.007713967002928257, 0.019610119983553886, 0.012455644086003304, 0.00965819414705038, -0.0026907967403531075, 0.0019267433090135455, -0.008112603798508644, -0.005294173024594784, 0.027792660519480705, -0.008238488808274269, 0.013266904279589653, -0.014434839598834515, -0.006615967955440283, 0.01940031163394451, 0.019078604876995087, 0.0018253357848152518, -0.0061858599074184895, 0.014036202803254128, 0.031051689758896828, 0.011770268902182579, 0.005021421704441309, -0.018756898120045662, -0.008707061409950256, 0.013308865949511528, 0.010791161097586155, -0.008651112206280231, 0.00726637477055192, 0.02107878215610981, 0.004136728588491678, -0.03966783359646797, 0.005283682607114315, -0.013266904279589653, 0.0009187873220071197, 0.0077769095078110695, -0.010896065272390842, -0.02794652059674263, -0.037429872900247574, 0.008700068108737469, 0.011427581310272217, 0.0038989451713860035, 0.011896153911948204, 0.027345068752765656, -0.04464729502797127, -0.025260968133807182, -0.01597343571484089, 0.012826305814087391, -0.018505128100514412, -0.009042755700647831, -0.005266198422759771, 0.001356762950308621, 0.0026278540026396513, 0.01616925746202469, -0.01056736521422863, 0.012889248318970203, -0.01077717449516058, -0.003972378093749285, 0.0038814612198621035, -0.007616056129336357, -0.025540713220834732, 0.037178102880716324, 0.010252652689814568, -0.011168817058205605, -0.012427669018507004, 0.03161117807030678, 0.002047383226454258, 0.005038905888795853, -0.011770268902182579, 0.008888895623385906, -0.009112691506743431, 0.008476272225379944, -0.012868267484009266, -0.03149928152561188, -0.01456072460860014, 0.012308777309954166, -0.008776998147368431, 0.01327389758080244, -0.01335782092064619, 0.02920537255704403, -0.003271267516538501, 0.012231848202645779, 0.0010717727709561586, -0.002358599565923214, -0.018421204760670662, -0.017707854509353638, 0.004664747044444084, 0.00746219651773572, -0.034408628940582275, -0.009084717370569706, -0.002480987925082445, -0.027568863704800606, 0.014966354705393314, -0.015707679092884064, -0.010742206126451492, -0.00812659040093422, -0.010672269389033318, -0.034044958651065826, 0.024435721337795258, -5.950043851044029e-05, -0.006678910460323095, -0.004822103306651115, -0.015595780685544014, -0.013616585172712803, -0.01491040550172329, -0.000990471919067204, 0.036366842687129974, -0.01870094984769821, -0.019470248371362686, 0.011000970378518105, -5.545724889088888e-06, -0.005598395597189665, 0.0034251271281391382, 0.033793188631534576, -0.036143045872449875, -0.007126502692699432, -0.019162528216838837, -0.027736712247133255, 0.018435191363096237, -0.016462991014122963, 0.01122476626187563, 0.0006521554314531386, -0.008672093041241169, -0.0009485101909376681, -0.00802867952734232, -0.002036892808973789, -0.004304575268179178, -0.006262789946049452, -0.006192853674292564, 0.024673504754900932, -0.012043019756674767, 0.02811436727643013, -0.0027047840412706137, -0.004787135403603315, 0.010448473505675793, 0.02085498534142971, 0.025498751550912857, -0.01591748744249344, 0.018029561266303062, -0.011819223873317242, 0.016518939286470413, 0.001561326440423727, -0.001454673707485199, -0.012693426571786404, 0.03127548471093178, 0.012413682416081429, -0.0014905160060152411, 0.0057067968882620335, -0.02175016887485981, 0.016994506120681763, -0.04047909379005432, 0.00794475618749857, -0.008637125603854656, 0.01002186257392168, 0.0064131529070436954, 0.018547089770436287, -0.016211219131946564, -0.013938291929662228, -0.012308777309954166, 0.0018130969256162643, 0.032786108553409576, -0.01574964076280594, 0.010252652689814568, -0.023876231163740158, 0.012630484066903591, 0.00726637477055192, -0.00914066657423973, 0.03203079476952553, 0.0038849578704684973, 0.005392083898186684, 0.0027887073811143637, 0.012994152493774891, 0.027512915432453156, -0.015218124724924564, -0.011427581310272217, -0.012826305814087391, -0.021764157339930534, 0.02584843337535858, 0.0036436780355870724, 0.009364462457597256, -0.001192412804812193, 0.032786108553409576, -0.009616232477128506, 0.007483177352696657, 0.0015359745593741536, 0.011077899485826492, 0.01968005672097206, 0.009126679040491581, -0.022099850699305534, 0.0064970762468874454, -0.005832682363688946, 0.025135083124041557, 0.01948423497378826, -0.002998516196385026, 0.02065916359424591, -0.004049308132380247, 0.02906549908220768, 0.00802867952734232, 0.0060180132277309895, 0.01563774235546589, -0.011609415523707867, 0.017484059557318687, 0.016714761033654213, 0.025219006463885307, 0.02912144921720028, 0.0063641974702477455, -0.003344700438901782, 0.02878575585782528, -0.010791161097586155, -0.007574094459414482, -0.04671740531921387, 0.009175634011626244, 0.017763804644346237, 0.014308953657746315, -0.015847550705075264, 0.01580558903515339, -0.009763098321855068, 0.003194337710738182, -0.02244953252375126, 0.01312003843486309, 0.0017405380494892597, 0.010539391078054905, -0.022211749106645584, 0.019833916798233986, 0.009315506555140018, -0.04162604734301567, -0.014504775404930115, 0.0063711912371218204, 0.017176339402794838, -0.01284029334783554, -0.013490700162947178, -0.004968969617038965, 0.02300902269780636, -0.030660046264529228, -0.005441039334982634, -0.006168376188725233, -0.0011469542514532804, 0.013518674299120903, -0.01493838056921959, -0.010812141932547092, -0.0060110194608569145, 0.013015133328735828, 0.0016452500130981207, -0.005056390073150396, 0.006643942557275295, 0.016476977616548538, 0.005259205121546984, -0.012392701581120491, -0.012001058086752892, 0.033457495272159576, -0.026449885219335556, -0.004503893665969372, -0.02026752196252346, -0.010805148631334305, -0.01041350606828928, 0.003031735774129629, -1.090704790840391e-05, 0.009532309137284756, 0.017372161149978638, 0.003105168929323554, -0.00814057793468237, -0.02054726704955101, 0.016910582780838013, 0.036590639501810074, -0.011798243038356304, -0.010972995311021805, -0.020868973806500435, -0.016798684373497963, 0.014336928725242615, 0.036618612706661224, 0.017819752916693687, -0.011511504650115967, 0.003064955584704876, -0.0002452139160595834, -0.018197407945990562, -0.028575945645570755, 0.013868356123566628, 0.0032695189584046602, 0.005308160558342934, -0.012910229153931141, -0.021932004019618034, 0.019078604876995087, 0.01507825218141079, 0.035275839269161224, 0.009245570749044418, -0.008630131371319294, -0.02909347414970398, -0.009595251642167568, 0.02786259725689888, -0.023708384484052658, -0.023806294426321983, 0.005629866849631071, 0.017707854509353638, -0.0004899907507933676, -0.0021837588865309954, 0.03183497488498688, 0.00784684531390667, 0.0039409068413078785, -0.021708207204937935, -0.012280803173780441, 0.013148012571036816, 0.025638625025749207, 0.012623490765690804, -0.00237258686684072, 0.02186206728219986, 0.014190062880516052, 0.03267420828342438, 0.014770532958209515, -0.005416561383754015, 0.033933062106370926, 0.0037800536956638098, 0.01175628136843443, 0.01002186257392168, -0.003293996676802635, -0.003115659346804023, 0.0065914904698729515, 0.01436490286141634, -0.02242155745625496, -0.026282038539648056, 0.006532044615596533, -0.01535799726843834, -0.018323294818401337, -0.017679881304502487, -0.00993793923407793, -0.010979989543557167, -0.016351092606782913, -0.008693073876202106, -0.006532044615596533, -0.02926132082939148, 0.005955070722848177, -0.0005594898830167949, 0.012455644086003304, -0.0072453939355909824, -0.009630220010876656, -0.018309306353330612, -0.03141535818576813, -0.003000264521688223, -0.01670077256858349, -0.01670077256858349, 0.009105698205530643, -0.01644900254905224, -0.023023009300231934, -0.006969145964831114, 0.007790896575897932, 0.025834446772933006, 0.018519114702939987, 0.006318739149719477, -0.03135940805077553, 0.026897476986050606, -0.023946167901158333, -0.022491494193673134, -0.0007019849726930261, -0.010993976145982742, 0.012238841503858566, -0.013840381056070328, -0.017791777849197388, -0.005724281072616577, -0.012168904766440392, -0.021596310660243034, 0.008343392983078957, -0.004885046277195215, 0.0037695630453526974, -0.008686080574989319, 0.015316035598516464, -0.004769651219248772, 0.012378714047372341, 0.032366491854190826, 0.015399958938360214, -0.01611330918967724, 0.008154565468430519, 0.0053116572089493275, -0.005864153616130352, -0.008035673759877682, 0.007609062362462282, 0.006930680945515633, -0.006598483771085739, -0.005185771733522415, -0.005538949742913246, -0.02057524025440216, 0.02951309271156788, -0.017540007829666138, 0.012448649853467941, 0.0050424025394022465, 0.01900867000222206, 0.025792483240365982, 0.02940119430422783, 0.0038639770355075598, 0.012322764843702316, -0.01968005672097206, 0.0011067409068346024, -0.0014354413142427802, -0.001277210540138185, 0.0014564221492037177, -0.015581793151795864, 0.026393935084342957, -0.01844917982816696, -0.01544192060828209, -0.019722018390893936, -0.00663694879040122, -0.005231230519711971, 0.01572166569530964, 0.015903500840067863, -0.011847198940813541, -0.030324352905154228, -0.010252652689814568, -0.0024058064445853233, -0.009161647409200668, -0.04184984415769577, -0.008357380516827106, 0.009399429894983768, -0.012315771542489529, 0.017050454393029213, -0.003947900608181953, -0.03183497488498688, -0.02384825609624386, -0.032618261873722076, 0.010175722651183605, 0.02046334370970726, 0.02831018902361393, 0.0015254841418936849, -0.0008077635429799557, -0.0024967235513031483, -0.014420852065086365, -0.007637036964297295, -0.004972466267645359, -0.014008228667080402, 0.023372691124677658, 0.03163915500044823, 0.00011768957483582199, 0.026953425258398056, 0.0031838472932577133, 0.0016382563626393676, 0.027568863704800606, 0.01023167185485363, -0.008196527138352394, -0.0002473994391039014, -0.012308777309954166, -0.01300814002752304, 0.008797978982329369, 0.04184984415769577, -0.008881902322173119, 0.013127031736075878, 0.01046945434063673, 0.02328876592218876, 0.023246804252266884, 0.005713790655136108, -0.02138650044798851, 0.0019424789352342486, -0.05608886107802391, -0.0026103700511157513, -0.016267169266939163, -0.004934001713991165, 0.0072453939355909824, -0.02948511764407158, -0.01870094984769821, -5.349029379431158e-05, 0.007189445197582245, 0.022771239280700684, -0.0010289369383826852, 0.036618612706661224, -0.002729261526837945, 0.009245570749044418, 0.02900955080986023, 0.031023714691400528, -0.037933412939310074, 0.005734771490097046, -0.02998865768313408, -0.003951397258788347, 0.024589581415057182, -0.02147042378783226, 0.02107878215610981, -0.009042755700647831, 0.003989862278103828, -0.001987937605008483, 0.004675237461924553, -0.0013672534842044115, -0.01020369678735733, -0.0007841600454412401, -0.0023620964493602514, 0.001421454013325274, -0.014854456298053265, -0.01384737528860569, 0.005720783956348896, -0.015959449112415314, -0.00802867952734232, -0.016323117539286613, 0.008133584633469582, -0.024058066308498383, -0.01390332356095314, 0.021176692098379135, 0.013560635969042778, 0.036059122532606125, -0.017540007829666138, 0.025372866541147232, 0.02121865376830101, -0.010609326884150505, -0.018547089770436287, 0.020813023671507835, 0.002720519667491317, 0.0029285799246281385, 0.027428992092609406, 0.03284205496311188, -0.036842409521341324, -0.02954106591641903, 0.0003833379887510091, -0.008623138070106506, -0.00022423305199481547, -0.04179389402270317, 0.015679704025387764, 0.02878575585782528, 0.015609768219292164, -0.024044077843427658, 0.0012352487538009882, -0.026841526851058006, 0.049207136034965515, -0.001203777501359582, 0.016644824296236038, 0.006713878829032183, -0.008000705391168594, 0.0044304607436060905, 0.024799389764666557, 0.00010047870455309749, 0.04341641440987587, -0.004154212307184935, -0.008658106438815594, 0.02267332747578621, -0.01038553100079298, -0.009909965097904205, 0.008923863992094994, -0.009203609079122543, 0.03885657340288162, -0.0008060151012614369, -0.004301078617572784, 0.03242243826389313, 0.006434133742004633, 0.010588346049189568, 0.0027747200801968575, -0.0017868708819150925, 0.03888454660773277, -0.017064440995454788, -0.01510622724890709, -0.02278522588312626, 0.008567188866436481, 0.01337180845439434, -0.0026348477695137262, 0.003706620540469885, -0.012231848202645779, -0.022015927359461784, -0.008804972283542156, 0.020169610157608986, 0.005668331868946552, 0.02920537255704403, 0.02635197341442108, -0.0055319564417004585, -0.015679704025387764, -0.02811436727643013, -0.002940818667411804, 0.01302212756127119, -0.048983339220285416, -0.025624636560678482, -0.012420675717294216, -0.018924744799733162, 0.004206664860248566, -0.01002186257392168, -0.026589756831526756, 0.017064440995454788, 0.016686785966157913, -0.019582146778702736, 0.016225207597017288, 0.03908037021756172, 0.01572166569530964, -0.04383603483438492, -0.001430195989087224, 0.00587114691734314, -0.020589228719472885, 0.034688372164964676, -0.01363756600767374, -0.034212805330753326, -0.0011390864383429289, -0.013001146726310253, 0.019861891865730286, 0.022127825766801834, -0.0026680673472583294, 0.008504246361553669, -0.0049514854326844215, -0.0028743792790919542, -0.013945285230875015, -0.013763451017439365, 0.03217066824436188, -0.01563774235546589, 0.018029561266303062, 0.015232112258672714, -0.010063824243843555, 0.03231054171919823, -0.006171872839331627, 0.0030090066138654947, 0.0012667201226577163, -0.04019935056567192, -0.015232112258672714, 0.00788880791515112, 0.008217507973313332, 0.005825688596814871, -0.0059270961210131645, -0.012455644086003304, 0.005965561140328646, -0.009084717370569706, 0.012091975659132004, -0.00701460475102067, -0.010986982844769955, 0.010252652689814568, 0.013413770124316216, -0.017609944567084312, -0.012462637387216091, -0.01577761583030224, -0.0025928858667612076, 0.011875173076987267, 0.01454673707485199, -0.03838100656867027, -0.0007824116619303823, 0.018826834857463837, 0.04654955863952637, 0.01872892491519451, -0.024883313104510307, -0.02230965904891491, -0.01653292588889599, -0.03857682645320892, -0.030771944671869278, -0.0053536188788712025, 0.0028866182547062635, -0.0032397962640970945, 0.0027642296627163887, -0.007091534323990345, 0.021316565573215485, -0.017498046159744263, -0.007441215682774782, -0.00020838812633883208, -0.01909259334206581, -0.011077899485826492, 0.010336576029658318, 0.012553554028272629, 0.004566836170852184, -0.05480203405022621, 0.002498472109436989, 0.000932774564716965, 0.011084893718361855, -0.021176692098379135, 0.010826129466295242, -0.0045633395202457905, -0.0050004408694803715, -0.00033853508648462594, -0.00665093632414937, 0.0021662749350070953, -0.00922458991408348, -0.007665011566132307, -0.024547619745135307, -0.01616925746202469, 0.004664747044444084, -0.0027747200801968575, -0.007420234847813845, -0.0014424348482862115, -0.006483089178800583, 0.0042521231807768345, -0.003909435588866472, -0.010805148631334305, -0.016435015946626663, 0.015399958938360214, -0.01200805138796568, 0.018561076372861862, -0.010770180262625217, 0.02275725081562996, 0.05256407707929611, -0.014504775404930115, 0.018225383013486862, 0.007273368537425995, -0.01065128855407238, -0.02886967919766903, -0.004315065685659647, 0.00767899863421917, -0.008322412148118019, -0.0019914342556148767, 0.0005712916608899832, 0.0046402690932154655, -0.00600402569398284, 0.0019127561245113611, 0.0035562575794756413, -0.024197937920689583, -0.012434663251042366, 0.025708559900522232, 0.009259557351469994, -0.011833211407065392, -0.00401433976367116, -0.010091799311339855, -0.0006845009047538042, 0.00573826814070344, 0.005185771733522415, -0.005549440160393715, -0.01102894451469183, 0.010378537699580193, 0.0024582587648183107, -0.007986717857420444, 0.004052804782986641, 0.013427757658064365, 0.010238665156066418, -0.002540433779358864, -0.00022882262419443578, 0.19369539618492126, -0.0009388939943164587, 0.035163938999176025, 0.007783903274685144, -0.0034810760989785194, -0.006490082945674658, 0.04327654466032982, 0.0030509682837873697, 0.018686963245272636, -0.0013445242075249553, -0.006755840498954058, 0.018491141498088837, -0.012595516629517078, 0.0007120383088476956, 0.03826911002397537, -0.020757075399160385, -0.05438241735100746, -0.036115072667598724, -0.028184304013848305, 0.0060949428007006645, -0.014308953657746315, -0.007126502692699432, -0.006528547499328852, -0.028575945645570755, 0.013511680997908115, -0.020393406972289085, -0.03773759305477142, -0.025246981531381607, 0.02956904098391533, 0.0004250811762176454, -0.024337809532880783, -0.012336752377450466, 0.024995211511850357, -0.009616232477128506, -0.0023655930999666452, -0.013588611036539078, 0.03846492990851402, 0.01192412804812193, 0.014980342239141464, 0.01828133314847946, -0.015218124724924564, -0.026142165064811707, 0.007853839546442032, 0.009091710671782494, 0.016043372452259064, 0.010441480204463005, -0.008203520439565182, 0.017302224412560463, 0.0009581264457665384, -0.006668420042842627, -0.01928841322660446, -0.0034933150745928288, 0.03863277658820152, 0.034212805330753326, -0.025037173181772232, -0.0036786459386348724, -0.0052277338691055775, 0.02864588238298893, -0.007818871177732944, 0.0010892568388953805, -0.03284205496311188, 0.004762657918035984, 0.02931727096438408, -0.004136728588491678, -0.009014780633151531, 0.018309306353330612, -0.02962498925626278, 0.007150980178266764, 0.012826305814087391, -0.005850166082382202, 0.01004983764141798, -0.016574887558817863, -0.01102894451469183, -0.0008868789300322533, -0.04638171195983887, -0.016980517655611038, 0.04143022745847702, -0.0034461079631000757, 0.0022729276679456234, 0.04308072105050087, -0.004426963627338409, 0.032618261873722076, -0.00510884216055274, 0.021232642233371735, -0.011945108883082867, -0.046997152268886566, 0.0006805669981986284, -0.004727689549326897, -0.01951221004128456, -0.02744297869503498, -0.01482648216187954, 0.02979283593595028, -0.012882255017757416, -0.0077699157409369946, 0.02401610277593136, 0.0037835503462702036, 0.016309130936861038, -0.00130168825853616, -0.01509223971515894, 0.008084628731012344, -0.02183409221470356, 0.05491393432021141, 0.012532573193311691, -0.01591748744249344, -0.01411313284188509, -0.009763098321855068, 0.006678910460323095, 0.01917651668190956, 0.008972818963229656, 0.0070775472559034824, -0.01670077256858349, -0.03197484835982323, -0.010972995311021805, -0.017302224412560463, 6.316116196103394e-05, 0.02596033178269863, 0.009021774865686893, -0.012455644086003304, -0.0025579179637134075, -0.0023953160271048546, 0.014162087813019753, -0.017400136217474937, -0.0005778481718152761, 0.024967236444354057, -0.0012221357319504023, 0.021680234000086784, -0.02169422060251236, -0.007420234847813845, -0.013127031736075878, -0.03015650436282158, 0.016588876023888588, -0.002531691687181592, 0.001577062183059752, 0.00741324108093977, -0.000493050494696945, -0.007951750420033932, -0.015497869811952114, -0.016490964218974113, -0.0032695189584046602, -0.016910582780838013, 0.008567188866436481, -0.004241632763296366, 0.0033464489970356226, 0.027932532131671906, -0.009728130884468555, -0.010868091136217117, 0.007839852012693882, 0.01844917982816696, 0.010098792612552643, -0.03963986039161682, 0.0021225647069513798, -0.01965208165347576, 0.012043019756674767, -0.004133231472223997, 0.017316212877631187, -0.0031418853905051947, 0.001541219768114388, -0.04103858396410942, 0.012133937329053879, 0.008979813195765018, -0.034128881990909576, 0.007637036964297295, 0.036310892552137375, -0.014616673812270164, -0.0027869590558111668, -0.00366465887054801, -0.17937245965003967, 0.017749816179275513, 0.02040739357471466, -0.021540360525250435, 0.012483618222177029, 0.027037348598241806, 0.016994506120681763, 0.004182186909019947, 0.006025006994605064, -0.0031016720458865166, 0.011973083950579166, 0.0017291734693571925, 0.011399606242775917, -0.005283682607114315, 0.0014406865229830146, 0.0020596222020685673, 0.01067926362156868, 0.003229305846616626, 0.014686609618365765, 0.013127031736075878, -0.005129822995513678, -0.01493838056921959, 0.011434574611485004, 0.026337986811995506, -0.018910758197307587, 0.026953425258398056, -0.018882783129811287, 0.016896594315767288, -0.020393406972289085, -0.005392083898186684, 0.012378714047372341, -0.017288237810134888, 0.02007170021533966, -0.0014048441080376506, -0.01421104371547699, 0.020645176991820335, -0.021092768758535385, 0.005213746335357428, -0.003475830890238285, 0.048144105821847916, 0.02640792354941368, 0.017791777849197388, 0.02166624553501606, 0.02004372514784336, -0.02923334762454033, -0.0023043989203870296, 0.013134025037288666, -0.009784079156816006, -0.009679174982011318, -0.010434486903250217, -0.018337281420826912, -0.0077699157409369946, 0.03762569651007652, 0.008434310555458069, 0.007406247314065695, 0.01436490286141634, 0.02127460390329361, 0.00180785171687603, 0.01373547688126564, -0.022211749106645584, -0.02875778079032898, -0.010993976145982742, 0.008196527138352394, -0.01482648216187954, 0.007434221915900707, -0.04478716477751732, -0.02831018902361393, -0.013812406919896603, -0.034912168979644775, -2.9777538657072e-05, -0.01482648216187954, -0.010224677622318268, 0.010609326884150505, 0.004154212307184935, 0.01878487318754196, 0.0035789869725704193, -0.0020403896924108267, -0.00047294379328377545, -0.011084893718361855, 0.008301431313157082, -0.008252476342022419, 0.04330451786518097, 0.006776821333914995, -0.005500485189259052, -0.0016898342873901129, -0.030604097992181778, -0.019722018390893936, -0.02306497097015381, 0.004552849102765322, -0.003836002666503191, 0.012336752377450466, -0.007483177352696657, 0.002112074289470911, -0.021260615438222885, 0.017078429460525513, -0.011147836223244667, 0.003516044234856963, -0.009972907602787018, 0.006462108343839645, -0.01574964076280594, -0.009602244943380356, -0.002991522429510951, -0.024407746270298958, 0.005462020169943571, 0.046997152268886566, 0.009434398263692856, -0.002972290152683854, -0.01463066041469574, 0.01456072460860014, -0.018393229693174362, -0.005318650975823402, 0.017637919634580612, 0.01446281373500824, 0.005483001004904509, -0.01059534028172493, 0.026477858424186707, 0.0077349478378891945, -0.036059122532606125, 0.020309483632445335, -0.02328876592218876, 0.06624360382556915, 0.00373109825886786, -0.024519644677639008, -0.025624636560678482, 0.01310605090111494, -0.0034793277736753225, -0.09186824411153793, 0.0056578414514660835, 0.01175628136843443, 0.03007258102297783, -0.05312356725335121, 0.01023167185485363, -0.014336928725242615, 0.0018130969256162643, -0.006182363256812096, 0.036003176122903824, -0.004591314122080803, -0.014672622084617615, -0.015581793151795864, 0.0023376187309622765, 0.010364550165832043, -0.008986806496977806, 0.023918192833662033, -0.03267420828342438, 0.00197220197878778, 0.02783462218940258, 0.008413329720497131, -0.0038604801520705223, -0.01636507920920849, 0.010784167796373367, 0.008063647896051407, 0.003313229186460376, -0.03200282156467438, 0.012161911465227604, 0.011966089718043804, 0.021708207204937935, 0.0061438982374966145, -0.033009905368089676, 0.00726637477055192, -0.02884170413017273, -0.00982604082673788, -0.005133319646120071, -0.018631013110280037, 0.003078942885622382, 0.03004460781812668, -0.027512915432453156, 0.0032905000261962414, 0.0060180132277309895, 0.031051689758896828, -0.008651112206280231, -0.012476624920964241, -0.007088037673383951, -0.02948511764407158, 0.03130345791578293, -0.009217595681548119, -0.01293820422142744, -0.007867827080190182, -0.027988482266664505, -0.0033062356524169445, -0.0024355293717235327, 0.021036820486187935, -0.018183421343564987, 0.007902794517576694, 0.009091710671782494, -0.017889689654111862, 0.009441391564905643, -0.01435091532766819, -0.0013331595109775662, -0.015609768219292164, 0.025191033259034157, 0.02365243434906006, 0.012672445736825466, -0.037345949560403824, -0.027736712247133255, 0.011161823756992817, -0.007637036964297295, -0.02242155745625496, 0.01619723252952099, -0.01906461827456951, 0.003647174686193466, -0.03242243826389313, -0.021288590505719185, -0.02856195904314518, -0.02707931026816368, -0.008497253060340881, -0.0009144162759184837, -0.007762922439724207, -0.027652788907289505, -0.0054899947717785835, -0.016490964218974113, 0.015316035598516464, -0.01439287792891264, -0.013322853483259678, 0.018127473071217537, 0.018225383013486862, -0.03908037021756172, 0.03860480338335037, -0.0035527609288692474, -0.0021015838719904423, -0.018561076372861862, 0.0017178087728098035, 0.023190855979919434, -0.006794305518269539, -0.013532661832869053, 0.022211749106645584, 0.010154741816222668, -0.04803220555186272, 0.013644560240209103, -0.07575493305921555, 0.02046334370970726, -0.0033079839777201414, -0.007804884109646082, -0.00565434480085969, -0.015036290511488914, 0.0020229057408869267, 0.0027047840412706137, -0.01465863548219204, 8.018079824978486e-06, -0.037262026220560074, 0.017316212877631187, -0.0019162528915330768, -0.008329405449330807, -0.0023026505950838327, -0.017693867906928062, 0.02200194075703621, -0.006283770781010389, 0.022631365805864334, 0.024827364832162857, -0.003197834361344576, 0.011518497951328754, 0.019582146778702736, 0.025330904871225357, -0.003671652404591441, -0.0077279540710151196, -0.004308072384446859, -0.002472246065735817, -0.0030684524681419134, 0.012994152493774891, 0.018267344683408737, -0.051556993275880814, 0.0026820546481758356, 0.014672622084617615, -0.0013471468118950725, -0.025274956598877907, 0.0004137165378779173, 0.0020229057408869267, 0.005234727170318365, 0.04487108811736107, -0.05857859179377556, -0.017400136217474937, -0.009623225778341293, -0.010756193660199642, -0.005780229810625315, 0.01597343571484089, 0.02267332747578621, 0.002269430784508586, 0.009042755700647831, -0.010000881738960743, 0.04710904881358147, 0.016980517655611038, -0.010546384379267693, -0.05407469719648361, -0.01499432884156704, 0.022995034232735634, 0.007923775352537632, -0.007525139022618532, 0.00564035726711154, -0.026813553646206856, 0.035024065524339676, 0.006615967955440283, 0.03782151639461517, 0.004934001713991165, 0.009881990030407906, -0.012070994824171066, -0.0025107108522206545, -0.002923334715887904, -0.02068713866174221, -0.025610649958252907, -0.0029670449439436197, 0.008686080574989319, 0.005301166791468859, 0.025135083124041557, 0.009895977564156055, -0.00323455105535686, -0.01353965513408184, 0.014616673812270164, -0.03821315988898277, 0.010889071971178055, 0.03152725473046303, 3.5459856007946655e-05, -0.010280626825988293, 0.013462726026773453, 0.01909259334206581, -0.02051929198205471, -0.020645176991820335, 0.02348458766937256, 0.008846933953464031, 0.01502230390906334, -0.007105521857738495, 0.012434663251042366, -0.0067243692465126514, -0.0015910493675619364, -0.01502230390906334, 0.02990473434329033, -0.027568863704800606, 0.008049661293625832, 0.027820635586977005, 0.03147130832076073, -0.0030439747497439384, 0.0021977461874485016, -0.015134201385080814, -0.02797449380159378, -0.03208674490451813, -0.0015753137413412333, -0.015469895675778389, 0.010812141932547092, -0.0005747884279116988, -0.01526008639484644, 0.016644824296236038, 0.0015893009258434176, 0.0031646147835999727, 0.006308248732239008, -0.021288590505719185, -0.008385354653000832, 0.018379243090748787, -0.02278522588312626, -0.03038030117750168, 0.036842409521341324, -0.004923511296510696, -0.009336487390100956, 0.01164438296109438, 0.006479592528194189, 0.02962498925626278, 0.018547089770436287, 0.036786459386348724, -0.017707854509353638, 0.013672534376382828, -0.04120643064379692, 0.009581264108419418, -0.006518057081848383, -0.012602509930729866, 0.005336134694516659, -0.0021417972166091204, -0.007490171119570732, 0.00802867952734232, -0.011385619640350342, -0.02654779516160488, 0.09684769809246063, 0.03737392649054527, -0.0036226969677954912, 0.01109888032078743, -0.04092668741941452, 0.009252564050257206, 0.035779379308223724, -0.009210602380335331, -0.023792307823896408, -0.050829656422138214, -0.0036017161328345537, -0.009112691506743431, 0.016770709306001663, -0.02685551531612873, -0.004122741054743528, -0.0012606006348505616, -0.02584843337535858, 0.03052017278969288, 0.003551012370735407, 0.002629602560773492, 0.008497253060340881, 0.010784167796373367, 0.017232289537787437, 0.00763004319742322, -0.01436490286141634, -0.014686609618365765, 0.004073785617947578, -0.017721842974424362, 0.025302929803729057, -0.034632425755262375, -0.002175017027184367, 0.016295142471790314, -0.034828245639801025, -0.014253005385398865, -0.009000794030725956, -0.005367605946958065, 0.0004773148102685809, -0.007839852012693882, 0.034744322299957275, 7.468971307389438e-05, 0.026505833491683006, 0.022687315940856934, 0.0060949428007006645, -0.003129646647721529, -0.0013331595109775662, -0.017274251207709312, -0.023666422814130783, -0.00514381006360054, -0.02147042378783226], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='bb2db4c8-8eec-4297-a128-371dea9046b5', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='4fa05a9220c27e9e28b14a7a57a1d198cb5d4eb00ff5fdd4848290de2e714015'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='ca5fec38-c83f-420b-b54f-9ef3c1dcdc57', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='d013e85aa4860edb33106f937e031580eeb9456573cd4f843337520693ffcb53')}, hash='78caf5c47182a04633186bb3abe604578183bf05d88218b9a56cbb693c86a7be', text='6, p. 7651, 2015. [37] Y. Lifshits and S. Zhang, \"Combinatorial algorithms for nearest neighbors, near-duplicates and small-world design,\" in Procee dings of the Twentieth Annual ACM-SIAM Symposium on Discrete Algorithms , 2009, pp. 318-326: Society for Industrial and A pplied Mathematics. [38] A. Karbasi, S. Ioannidis, and L. Massoulie, \"From Small-World Networks to Comparison-Based Search,\" Information Theory, IEEE Transactions on, vol. 61, no. 6, pp. 3056-3074, 2015. [39] O. Beaumont, A. -M. Kermarrec, and É. Rivière, \"Peer to peer multidimensional overlays: Approximating complex stru ctures,\" in Principles of Distributed Systems : Springer, 2007, pp. 315-328. [40] O. Beaumont, A. -M. Kermarrec, L. Marchal, and É. Rivière, \"VoroNet: A scalable object network based on Voronoi tessell ations,\" in Parallel and Distributed Processing Symposium, 2007. IPDPS 2007. IEEE International , 2007, pp. 1-10: IEEE. [41] J. Kleinberg, \"The small-world phenomenon: An algorithmic perspective,\" in Proceedings of the thirty-second annual ACM sy mposium on Theory of computing , 2000, pp. 163-170: ACM. [42] J. Travers and S. Milgram, \"An experimental study of the small world problem,\" Sociometry, pp. 425-443, 1969. [43] D. J. Watts and S. H. Strogatz , \"Collective dynamics of ‘small-world’networks,\" Nature, vol. 393, no. 6684, pp. 440-442, 1998. [44] Y. A. Malkov and A. Ponomarenko, \"Growing homophilic ne tworks are natural navigable small worlds,\" PloS one, p. e0158162, 2016. [45] M. T. Goodrich, M. J. Nelson, a nd J. Z. Sun, \"The rainbow skip graph: a fault-tolerant constant-degree distributed data stru cture,\" in Proceedings of the seventeenth annual ACM-SIAM symp osium on Discrete algorithm , 2006, pp. 384-393: Society for Indu strial and Applied Mathematics. [46] G. T. Toussaint, \"The relative neighbourhood graph of a finite planar set,\" Pattern recognition, vol. ', start_char_idx=5139, end_char_idx=7021, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
464
       " TextNode(id_='ca5fec38-c83f-420b-b54f-9ef3c1dcdc57', embedding=[-0.006048344541341066, 0.026501530781388283, -0.00457408232614398, -0.01448224950581789, 0.015326694585382938, 0.013546321541070938, -0.024488933384418488, -0.0026987087912857533, -0.04188452288508415, -0.0366489551961422, 0.01036557462066412, 0.008606311865150928, -0.0012948171934112906, 0.020688926801085472, -0.01334224734455347, 0.005707047414034605, 0.013131135143339634, -0.010027796030044556, 0.005520565900951624, -0.0030927835032343864, -0.03144153952598572, 0.012610393576323986, -0.01619928888976574, -0.030850427225232124, -0.0023925970308482647, 0.037831179797649384, 0.02862671948969364, -0.02394004352390766, 0.0034129691775888205, -0.011892614886164665, 0.016565216705203056, -0.022054115310311317, -0.008402237668633461, 0.006414270959794521, 0.0007234967197291553, -0.004750008694827557, 0.018338551744818687, -0.031976357102394104, 0.03200450539588928, -0.0014135674573481083, 0.0012314837658777833, -0.005006860941648483, -0.003080468624830246, 0.004947046283632517, -0.0011215298436582088, -0.004380563739687204, 0.027768200263381004, -0.01939411088824272, -0.01287076435983181, 0.04275711625814438, 0.03138524293899536, 0.028851905837655067, -0.014024840667843819, -0.004141304176300764, -0.004918897990137339, 0.0003714243066497147, 0.0035009323619306087, 0.027317827567458153, -0.01075964979827404, -0.03056894615292549, 0.006139826029539108, -0.012342985719442368, -0.02085781656205654, 0.014693360775709152, -0.023208191618323326, -0.030878575518727303, -0.023236339911818504, 0.016776327043771744, 0.008191126398742199, -0.015425213612616062, 0.007557791657745838, 0.017395587638020515, -0.024812638759613037, 0.009021498262882233, 0.04089933633804321, -0.024024488404393196, -0.008155941031873226, -0.0003091903927270323, -0.014045951887965202, 0.013574469834566116, -0.0012534745037555695, -0.032595615833997726, 0.00116287253331393, 0.016100769862532616, 0.0008664368069730699, 0.018085218966007233, 0.013989655300974846, 0.016297807916998863, -0.03208894655108452, -0.0059076035395264626, 0.036508217453956604, 0.03397487848997116, 0.034228213131427765, -0.01697336509823799, -0.009985573589801788, 0.012814467772841454, -0.01956299878656864, -0.0015094472328200936, 0.01847929321229458, -0.01766299642622471, -0.004130748566240072, 0.013581506907939911, -0.0016493086004629731, -0.010478167794644833, -0.0073396433144807816, 0.0009922240860760212, -0.004845009185373783, 0.011210020631551743, -0.005080750212073326, 0.024728193879127502, -0.007670384366065264, 0.005207417067140341, 0.00013634284550789744, -0.01504521258175373, -0.0009244924294762313, -0.023095598444342613, 0.02927412837743759, -0.015101509168744087, -0.006280567031353712, -0.017592625692486763, 0.021800780668854713, 0.014918546192348003, 0.016720030456781387, -0.023081524297595024, 0.016902994364500046, 0.025474121794104576, -0.0031807466875761747, -0.028457829728722572, -0.008303718641400337, -0.02720523625612259, 0.033271171152591705, 0.02624819613993168, 0.016241511330008507, 0.003754266304895282, -0.028908202424645424, 0.026600049808621407, 0.005643714219331741, -0.0228563379496336, -0.03769043833017349, -0.02833116427063942, 0.004292600322514772, 0.03467858210206032, -0.01748003251850605, -0.019943000748753548, -0.01399669237434864, 0.02364448830485344, 0.01277224626392126, 0.02398226596415043, 0.01714225485920906, -0.020463742315769196, 0.006618345621973276, 0.00433482276275754, 0.00370500679127872, 0.030005982145667076, 0.0067027900367975235, 0.013004468753933907, -0.011590021662414074, 0.024193378165364265, -0.0073396433144807816, -0.04385489597916603, -0.029189683496952057, 0.019619295373558998, 0.009514091536402702, -0.012730023823678493, 0.016579290851950645, 0.01448224950581789, 0.009232609532773495, 0.0049963053315877914, -0.018648182973265648, -0.02686745673418045, -0.007902607321739197, 0.026135604828596115, -0.03352450579404831, -0.00020869252330157906, 0.014693360775709152, -0.0021339855156838894, 0.0472608283162117, 0.012722986750304699, -0.030653389170765877, -0.006544456351548433, -0.00061134371208027, 0.00021770872990600765, 0.003916118294000626, 0.024362267926335335, -0.005766862537711859, 0.008944090455770493, 0.03090672381222248, -0.0065057529136538506, 0.012645578943192959, -0.02524893544614315, 0.01173076219856739, 0.017930403351783752, 0.008718905039131641, 0.007438161876052618, -0.6260159611701965, -0.03200450539588928, 0.005196861457079649, -0.027106717228889465, -0.005946307443082333, 0.011709650978446007, 0.01415150798857212, 0.02234967052936554, 0.0056331586092710495, 0.021688187494874, -0.02879560925066471, 0.008367052301764488, 0.009591499343514442, 0.0019932445138692856, -0.02102670632302761, -0.01714225485920906, 0.00023706062347628176, -0.01717040129005909, 0.021645966917276382, 0.011005946435034275, -0.019506702199578285, 0.02657190151512623, -0.00729038380086422, -0.014608915895223618, 0.004398156423121691, 0.014608915895223618, 0.034903768450021744, -0.03656451031565666, 0.014552619308233261, 0.016311882063746452, -0.02315189503133297, 0.026614123955368996, 0.0018542626639828086, 0.01732521690428257, 0.04284156113862991, -0.009112980216741562, -0.010260019451379776, 0.00817705225199461, 0.031131910160183907, 0.020196333527565002, -0.03025931492447853, -0.02588227018713951, 0.009675944223999977, 0.005108898505568504, -0.021434854716062546, 0.01198409590870142, 0.01795855164527893, 0.0040040817111730576, -0.014081137254834175, -0.031807467341423035, -0.0022888004314154387, 0.006611308548599482, -0.01618521474301815, 0.0007261356222443283, -0.0066605680622160435, -0.019492628052830696, 0.021097075194120407, -0.010147426277399063, 0.006811864674091339, 0.005890010856091976, 0.007578902877867222, -0.004275008104741573, -0.008817424066364765, -0.004813342355191708, -0.006407233886420727, 0.01847929321229458, -0.015523732639849186, 0.02947116643190384, -0.015425213612616062, -0.02267337590456009, 0.01811336725950241, 0.016720030456781387, 0.0019105591345578432, -0.00859223771840334, 0.026768937706947327, 0.02624819613993168, 0.018577812239527702, 0.006196122616529465, -0.026473382487893105, -0.0013563913526013494, 0.015185954049229622, 0.021913373842835426, -0.014749657362699509, 0.00037604235694743693, 0.02603708580136299, 0.003792969975620508, -0.041659336537122726, 0.006252419203519821, -0.014207803644239902, -0.0009412054205313325, 0.004172970540821552, -0.0037824143655598164, -0.028120052069425583, -0.041377853602170944, -0.0065057529136538506, 0.010970761068165302, 0.010105203837156296, 0.006393160205334425, 0.013377431780099869, -0.041997116059064865, -0.011400020681321621, -0.011653355322778225, 0.012117800302803516, -0.022279299795627594, -0.0035501918755471706, 0.014890397898852825, -0.0001979170338017866, 0.006787234917283058, 0.012167059816420078, -0.01960522122681141, 0.013602618128061295, -0.01504521258175373, -0.010914464481174946, 0.013257802464067936, -0.009929277934134007, -0.030231166630983353, 0.03901340439915657, 0.010175574570894241, -0.03141339123249054, 0.0010889834957197309, 0.031948208808898926, 0.00970409158617258, 0.008134829811751842, -0.01109039131551981, 0.01973188854753971, 0.002211393089964986, -0.0003670261357910931, -0.0262200478464365, -0.04174378141760826, -0.007797051686793566, 0.026965975761413574, -0.002426022896543145, 0.023236339911818504, -0.020125962793827057, 0.018845219165086746, -0.008423348888754845, 0.008803349919617176, -0.0008061820408329368, 8.939252438722178e-05, -0.0036627845838665962, -0.03825340420007706, 0.013877063058316708, 0.010907427407801151, -0.03963266685605049, -0.007008901797235012, -0.006991309113800526, -0.025938566774129868, 0.01876077614724636, -0.007832236588001251, -0.01215298566967249, -0.020787445828318596, -0.0037613031454384327, -0.032933395355939865, 0.014264100231230259, 0.005225009750574827, -0.005478343460708857, -7.740755245322362e-05, -0.01472150906920433, -0.011273354291915894, -0.025530418381094933, 0.0058266776613891125, 0.036311179399490356, -0.02101263217628002, -0.023827452212572098, 0.0042644524946808815, -0.004391119349747896, 0.008535942062735558, 0.016072621569037437, 0.02686745673418045, -0.030174870043992996, 0.005017416551709175, -0.01925336942076683, -0.024151155725121498, 0.02264522761106491, -0.0210407804697752, -0.0076070511713624, -0.002554449252784252, -0.007895570248365402, 0.0035449140705168247, -0.014594841748476028, 0.01204742956906557, 0.012124837376177311, 0.004443896934390068, -0.014306322671473026, 0.03090672381222248, -0.008141866885125637, 0.009894092567265034, 0.004447415471076965, 0.002260652370750904, 0.006688715890049934, 0.013053728267550468, 0.031188206747174263, -0.007677421439439058, 0.007248161360621452, -0.012490764260292053, 0.022082263603806496, -0.008915942162275314, -0.005812603514641523, -0.015326694585382938, 0.030709685757756233, 0.009408536367118359, 0.0029467646963894367, -0.003108616918325424, -0.01621336303651333, 0.013665950857102871, -0.028091903775930405, 0.009605573490262032, -0.007951866835355759, 0.00023134301591198891, 0.0007331726374104619, 0.019957074895501137, -0.007466310169547796, -0.023180043324828148, -0.022054115310311317, 0.0015120861353352666, 0.017057809978723526, -0.0076000140979886055, 0.009232609532773495, -0.01862003467977047, 0.010668167844414711, 0.006291122641414404, -0.006748531013727188, 0.031047465279698372, 0.011526688002049923, -0.010372611694037914, 0.002195559674873948, 0.011378910392522812, 0.025994863361120224, 0.008718905039131641, -0.006006122101098299, -0.003898525843396783, -0.010006684809923172, 0.01731114275753498, 0.008901868015527725, 0.019014108926057816, -0.0032880615908652544, 0.046388234943151474, -0.021294113248586655, 0.006259455811232328, -0.0033179691527038813, 0.016537068411707878, 0.015340768732130527, 0.016072621569037437, -0.024221526458859444, 0.0002460768446326256, 0.00018890081264544278, 0.021463003009557724, 0.019802259281277657, -0.002540375106036663, 0.018014848232269287, -0.009675944223999977, 0.035213399678468704, -0.005077231675386429, 0.014362619258463383, 0.02657190151512623, -0.008409274742007256, 0.01188557781279087, 0.02090003900229931, 0.02037929743528366, 0.029217831790447235, 0.0028640793170779943, -0.00684001250192523, 0.022462263703346252, -0.015551880933344364, 0.002945005428045988, -0.05086379870772362, 0.005291861481964588, 0.012420393526554108, 0.005904085002839565, -0.015031139366328716, 0.005488899070769548, -0.0019281517015770078, -0.0002713662397582084, -0.021575596183538437, 0.007944829761981964, 0.004792231135070324, 0.012779283337295055, -0.026515604928135872, 0.020618556067347527, 0.023095598444342613, -0.045543789863586426, -0.01939411088824272, 0.005879455246031284, 0.021280039101839066, 0.004401674959808588, -0.014693360775709152, 0.0031719503458589315, 0.02216670848429203, -0.027191162109375, -0.010956686921417713, 0.010907427407801151, -0.0039266739040613174, 0.017381513491272926, -0.02655782736837864, -0.010942612774670124, -0.002811301499605179, 0.01860596053302288, 0.0114281689748168, -0.0027725978288799524, 0.01125224307179451, 0.019464479759335518, 0.003951303660869598, -0.009120017290115356, -0.006245382130146027, 0.04529045522212982, -0.025671157985925674, -0.0036522289738059044, -0.023827452212572098, -1.5833362340345047e-05, -0.011055205948650837, 0.005453713703900576, 0.00841631181538105, 0.0009491221280768514, 0.01255409698933363, 0.015580029226839542, -0.0032475986517965794, -0.020505964756011963, 0.018254108726978302, 0.04036451876163483, -0.003485098946839571, -0.017395587638020515, -0.01303965412080288, -0.010949649848043919, 0.025840047746896744, 0.03580451011657715, 0.02588227018713951, -0.0026793568395078182, -0.0016660216497257352, -0.0015859751729294658, -0.016734104603528976, -0.02523486129939556, 0.0024770416785031557, 0.01334224734455347, 0.006618345621973276, -0.014749657362699509, -0.02560078725218773, 0.014608915895223618, 0.009514091536402702, 0.041349705308675766, 0.0021392633207142353, -0.012821504846215248, -0.02833116427063942, -0.009443720802664757, 0.017705218866467476, -0.025966715067625046, -0.015974104404449463, 0.008486682549118996, 0.013335210271179676, -0.0017557439859956503, -0.01669188216328621, 0.030625242739915848, 0.011315576732158661, 0.006857605185359716, -0.03009042516350746, -0.015129657462239265, 0.008550016209483147, 0.029752647504210472, 0.023517820984125137, -0.0033355618361383677, 0.00802223663777113, 0.011231131851673126, 0.013806692324578762, 0.010752612724900246, -0.00825446005910635, 0.020351149141788483, 0.008754090406000614, 0.006699271500110626, 0.009894092567265034, 0.00044861194328404963, -0.004514267668128014, 0.008247422985732555, 0.01601632684469223, -0.022603005170822144, -0.01231483742594719, 0.005524084437638521, -0.01603039912879467, -0.006287604104727507, -0.016621511429548264, -0.016396326944231987, -0.012877801433205605, -0.01245557889342308, -0.005545195657759905, -0.00421519298106432, -0.021955596283078194, 0.008127792738378048, -0.00558038055896759, 0.013567432761192322, -0.004021673928946257, 0.002610745606943965, -0.017451884225010872, -0.03526969626545906, -0.01263150479644537, -0.01198409590870142, -0.0011699096066877246, 0.015664473176002502, -0.01415150798857212, -0.020477816462516785, 0.004792231135070324, -0.00445445254445076, 0.01686077192425728, 0.009105943143367767, 0.0021181521005928516, -0.0255726408213377, 0.017564477398991585, -0.02443263866007328, -0.021111149340867996, -0.007304457947611809, -0.015960030257701874, 0.008184089325368404, -0.00473241601139307, -0.013131135143339634, -0.005362232215702534, -0.006277048494666815, -0.02284226380288601, 0.009823721833527088, -0.007508532609790564, 0.005629640072584152, -0.014264100231230259, 0.019056331366300583, -0.01473558321595192, 0.00534112099558115, 0.02105485461652279, 0.01004890725016594, 0.0021005594171583652, 0.011167798191308975, 0.004099081736057997, -0.0038563034031540155, -0.008345941081643105, 0.027303753420710564, 0.011378910392522812, 0.009823721833527088, -0.0033918581902980804, -0.0015806973678991199, -0.007318532094359398, 0.029358573257923126, -0.015171879902482033, 0.007079272530972958, 0.0009719925583340228, 0.031328946352005005, 0.02799338474869728, 0.024503007531166077, 0.00376482168212533, 0.01377150695770979, -0.01303965412080288, -0.014411878772079945, 0.00037098448956385255, 0.003131487173959613, 0.009295943193137646, -0.009816684760153294, 0.02493930608034134, -0.027233384549617767, -0.014207803644239902, -0.01909855380654335, -0.0029432461597025394, -0.009274831973016262, 0.010224834084510803, 0.0035976918879896402, -0.012089652009308338, -0.03963266685605049, -0.007818162441253662, -0.005425565410405397, -0.005390380509197712, -0.036339327692985535, -0.022701524198055267, 0.007058161310851574, -0.016424475237727165, 0.002172689186409116, -0.007550754584372044, -0.026839308440685272, -0.019619295373558998, -0.02037929743528366, 0.013328173197805882, 0.026149678975343704, 0.02215263433754444, -0.003634636290371418, 0.004915379453450441, 0.0005955103551968932, -0.020632630214095116, -0.00699834618717432, -0.012307800352573395, -0.02170226164162159, 0.030231166630983353, 0.02527708373963833, 0.008852609433233738, 0.02492523193359375, 0.0007943070377223194, -0.004746490158140659, 0.015622250735759735, -0.000831251556519419, 0.008796312846243382, -0.004401674959808588, -0.004947046283632517, -0.026008937507867813, 0.007388902362436056, 0.029668202623724937, -0.00648112315684557, 0.024404490366578102, 0.017212623730301857, 0.02541782520711422, 0.01632595621049404, 0.018676331266760826, -0.012286689132452011, 0.011667429469525814, -0.052524540573358536, -0.007642236538231373, -0.01416558213531971, -0.012511875480413437, -0.000796066306065768, -0.03242672607302666, -0.02620597369968891, 0.008184089325368404, -0.0009966222569346428, 0.013623729348182678, -0.019197072833776474, 0.028880054131150246, -0.0023028745781630278, -0.002257133834064007, 0.02412300743162632, 0.035382289439439774, -0.03968896344304085, 0.011385947465896606, -0.027247458696365356, 0.003323246957734227, 0.018169663846492767, -0.0014760212507098913, 0.025966715067625046, -0.0002929172187577933, -0.001554308459162712, -0.004035748075693846, 0.014946694485843182, 0.005386861972510815, -0.016297807916998863, -0.0038527848664671183, 0.0007076633628457785, -0.008409274742007256, -0.031047465279698372, -0.018563738092780113, 0.015256324782967567, -0.014144470915198326, -0.0008835896151140332, -0.01456669345498085, 0.012722986750304699, -0.020365223288536072, -0.009978537447750568, 0.02717708796262741, 0.017860032618045807, 0.04317934066057205, -0.017395587638020515, 0.02458745241165161, 0.02978079579770565, -0.008550016209483147, -0.024151155725121498, 0.017451884225010872, -0.004595193546265364, -0.0006368530448526144, 0.021800780668854713, 0.02412300743162632, -0.04388304427266121, -0.027148939669132233, -0.001048520440235734, -0.001654586405493319, -0.004767601378262043, -0.03805636614561081, 0.019506702199578285, 0.035354141145944595, 0.00691742030903697, -0.020815594121813774, 0.00268991244956851, -0.028725238516926765, 0.0446711927652359, 0.0014469934394583106, 0.016649659723043442, 0.006058900151401758, -0.014440027065575123, -0.00445445254445076, 0.02139263227581978, -0.003390098921954632, 0.05120157450437546, -0.00028236163780093193, -0.017353365197777748, 0.012955209240317345, 0.0014346785610541701, -0.009401499293744564, 0.004116674419492483, -0.024728193879127502, 0.03695858642458916, -0.005914640612900257, -0.006065937224775553, 0.01928151771426201, 0.009732239879667759, 0.0027338939253240824, -0.002017874037846923, 0.008155941031873226, 0.03588895499706268, -0.02410893328487873, -0.015594103373587132, -0.00679779052734375, 0.009274831973016262, 0.021688187494874, 0.0046937125734984875, 0.001110974233597517, -0.014848175458610058, -0.008113718591630459, -0.007473347242921591, 0.015509658493101597, -0.0058020479045808315, 0.025164490565657616, 0.023686710745096207, 0.001279863528907299, -0.01600225269794464, -0.02947116643190384, -0.008352978155016899, -0.004282045178115368, -0.045571934431791306, -0.01497484277933836, 0.0006535660359077156, -0.004591675009578466, 0.005735195707529783, -5.838552533532493e-05, -0.02705042064189911, 0.025938566774129868, 0.026768937706947327, -0.021237816661596298, 0.019168924540281296, 0.034425247460603714, 0.015129657462239265, -0.05700010433793068, -0.010661130771040916, -0.003733155084773898, -0.028570422902703285, 0.03605784475803375, -0.014369656331837177, -0.020914113149046898, -0.0029467646963894367, -0.003001301782205701, 0.026332641020417213, 0.013539284467697144, -0.014468175359070301, -0.00011951990018133074, -0.006737975403666496, -0.001782132894732058, -0.010900390334427357, -0.02574152871966362, 0.03676154837012291, -0.014207803644239902, 0.022617079317569733, 0.017761513590812683, -0.020449668169021606, 0.01992892660200596, -0.017733365297317505, -0.004060377832502127, -0.009176312945783138, -0.03788747638463974, -0.010478167794644833, 0.003708525327965617, 0.011308539658784866, -0.0027514866087585688, -0.014496322721242905, -0.01123816892504692, 0.0171563271433115, -0.01649484597146511, 0.025868196040391922, -0.008725942112505436, -0.01432743389159441, 0.02233559638261795, 0.015622250735759735, -0.014763731509447098, -0.002640652935951948, -0.01158298458904028, -0.01188557781279087, 0.02236374467611313, 0.0007494458113797009, -0.029977833852171898, -0.00865557137876749, 0.02850005216896534, 0.03420006483793259, 0.02215263433754444, -0.029105238616466522, -0.016917068511247635, -0.012856690213084221, -0.04230674356222153, -0.024559304118156433, -0.003997044637799263, 0.005798529367893934, -0.009056683629751205, 0.006322789471596479, -0.006734456866979599, 0.01783188432455063, -0.011005946435034275, 0.0022993560414761305, -0.0027092641685158014, -0.012357059866189957, -0.006780197843909264, 0.015129657462239265, 0.003859821939840913, 0.005640195682644844, -0.03870377689599991, -0.003238802310079336, -0.005897047929465771, 0.017719291150569916, -0.020463742315769196, 0.005404454655945301, -0.023391153663396835, -0.0025825973134487867, -0.012652616016566753, -0.003108616918325424, -0.009598536416888237, 0.008275571279227734, -0.012223356403410435, -0.03169487416744232, -0.006241863593459129, 0.0045635271817445755, -0.006002603564411402, -0.013905211351811886, 0.00111361313611269, -0.0010414833668619394, -0.004408712033182383, 5.923766821069876e-06, -0.015974104404449463, -0.01368002500385046, 0.021575596183538437, -0.01621336303651333, 0.020027443766593933, 0.005242602434009314, 0.0123007632791996, 0.05587417632341385, -0.013173357583582401, 0.014594841748476028, -0.002559727057814598, -0.01369409915059805, -0.04340452328324318, -0.006706308573484421, 0.007473347242921591, -0.008170015178620815, 0.00594982597976923, -0.0014276414876803756, 0.015242250636219978, -0.0061011225916445255, -0.008219274692237377, 0.0012974560959264636, -0.019858555868268013, -0.013982618227601051, 0.01990077830851078, -0.0030188944656401873, -0.016227437183260918, -0.018873367458581924, -0.02218078263103962, -0.006009640637785196, 0.008937053382396698, 0.01326483953744173, -0.0018050033831968904, -0.018845219165086746, 0.012680764310061932, 0.006547974888235331, 0.007466310169547796, -0.00874705333262682, 0.012335948646068573, 0.0008655571728013456, -0.00013326414045877755, 0.01342669129371643, 0.1882551610469818, -0.007804088294506073, 0.030878575518727303, 0.014116322621703148, 0.0044755637645721436, -0.0027145419735461473, 0.041687484830617905, -0.00253157876431942, 0.015256324782967567, 0.0010564371477812529, -0.012082614935934544, 0.015762992203235626, -0.022307448089122772, -0.004672601353377104, 0.03324302285909653, -0.020125962793827057, -0.05198972672224045, -0.03980155661702156, -0.03994229435920715, -0.0010467611718922853, -0.014791878871619701, -0.006892790552228689, 0.0015041694277897477, -0.031976357102394104, 0.027106717228889465, -0.04002673923969269, -0.037803031504154205, -0.012941135093569756, 0.012033355422317982, 0.011829281225800514, -0.014095211401581764, -0.01874670200049877, 0.019014108926057816, 0.003069913014769554, -0.011955947615206242, -0.006080011371523142, 0.03355265408754349, 0.015087435021996498, 0.012054466642439365, 0.02299707941710949, -0.018676331266760826, -0.035691916942596436, 0.00012787639570888132, 0.006449456326663494, 0.013637803494930267, 0.009084831923246384, -0.004700749646872282, 0.01368002500385046, -0.0011778261978179216, -0.004883712623268366, -0.03127264976501465, -0.007881496101617813, 0.027416346594691277, 0.030991168692708015, -0.02446078695356846, -0.007825199514627457, -0.013665950857102871, 0.0226593017578125, -0.005305935628712177, -0.0024436155799776316, -0.024376342073082924, 0.013989655300974846, 0.03141339123249054, 0.0033619506284594536, -0.0007674782536923885, 0.007614088244736195, -0.02201189287006855, 0.009500017389655113, 0.004975194577127695, -0.0013220857363194227, 0.012610393576323986, -0.008198163472115993, -0.006987790577113628, 0.004827416501939297, -0.04951268434524536, -0.022729672491550446, 0.0356074720621109, -0.001160233630798757, -0.008535942062735558, 0.03726821765303612, -0.00396185927093029, 0.024953380227088928, -0.009654833003878593, 0.009105943143367767, -0.021111149340867996, -0.06018085032701492, -0.007881496101617813, 0.005861862562596798, -0.0024189860559999943, -0.025530418381094933, -0.016466697677969933, 0.030850427225232124, -0.013081875629723072, 7.883695070631802e-05, 0.01686077192425728, 0.0005225009517744184, 0.017775587737560272, 0.0072340876795351505, -0.0030030610505491495, 0.015565955080091953, -0.018971886485815048, 0.04241933673620224, 0.020801519975066185, -0.006013159174472094, -0.02021040767431259, -0.00025795187684707344, 0.0003819798876065761, 0.01035150047391653, 0.012856690213084221, 0.003887970233336091, -0.000978149939328432, -0.022279299795627594, -0.010534464381635189, -0.014749657362699509, 0.01223039347678423, 0.02251856029033661, 0.002362689469009638, -0.02023855596780777, -0.011463354341685772, -0.017564477398991585, 0.008965201675891876, -0.02021040767431259, 0.004257415421307087, 0.02555856667459011, -0.012645578943192959, 0.021083002910017967, -0.016579290851950645, -0.0035132472403347492, -0.007712606806308031, -0.03588895499706268, 0.019168924540281296, -0.012342985719442368, 0.009310017339885235, -0.005207417067140341, 0.004187044687569141, 0.0007626403239555657, -0.02120966836810112, -0.007269272580742836, -0.009260757826268673, -0.011857429519295692, 0.00047544069821015, -0.015017065219581127, 0.0009156961459666491, 0.025685232132673264, -0.007677421439439058, -0.007747792173177004, 0.006139826029539108, 0.020914113149046898, 0.006938531529158354, -0.03155413269996643, -0.002341578481718898, -0.017437810078263283, -0.00033294042805209756, -0.004165933467447758, 0.02443263866007328, -0.008078533224761486, -0.006653530988842249, -0.04810527339577675, 0.005495936144143343, -0.0003010538057424128, -0.028781535103917122, -0.006815383210778236, 0.04351711645722389, -0.0197459626942873, 0.005436121020466089, -0.006171492859721184, -0.18172478675842285, 0.017254846170544624, 0.025854121893644333, -0.024559304118156433, 0.010372611694037914, 0.029020793735980988, 0.01763484813272953, -0.0029625981114804745, 0.00025443334016017616, 0.0031807466875761747, 0.008275571279227734, 0.001907040597870946, 0.00793779268860817, -0.019211146980524063, 0.006970197893679142, 0.008641497232019901, 0.010794835165143013, 0.009218535386025906, 0.013131135143339634, 0.0114281689748168, -0.0020442630629986525, -0.021491151303052902, 0.01287076435983181, 0.01990077830851078, -0.025164490565657616, 0.015382991172373295, -0.025445973500609398, 0.011322613805532455, -0.028908202424645424, -0.00043937581358477473, 0.01860596053302288, -0.006737975403666496, 0.010963723994791508, -0.004626860376447439, -0.008029273711144924, 0.012568171136081219, -0.020140036940574646, 0.004148340784013271, -0.0027321346569806337, 0.046894900500774384, 0.02232152223587036, 0.02785264328122139, 0.015819288790225983, 0.004633897449821234, -0.014777804724872112, -0.004936490673571825, 0.013616692274808884, -0.004767601378262043, -0.008915942162275314, -0.016720030456781387, -0.01350409910082817, -0.010625945404171944, 0.051567502319812775, 0.010548537597060204, 0.004577600862830877, 0.015340768732130527, 0.018732627853751183, 0.012673727236688137, 0.014137433841824532, -0.01733929105103016, -0.025840047746896744, -0.01116076111793518, 0.005879455246031284, -0.0052285282872617245, -0.005270750727504492, -0.031216353178024292, -0.02558671496808529, -0.012955209240317345, -0.022631153464317322, -0.004633897449821234, -0.011597058735787868, -0.016621511429548264, 0.0255726408213377, -0.005154639016836882, 0.011484465561807156, 0.00039319516508840024, -0.003240561578422785, -0.0022025967482477427, -0.001806762651540339, 0.008360015228390694, -0.013630766421556473, 0.047654904425144196, 0.011934837326407433, 0.0006109038949944079, 0.01681854948401451, -0.02087189070880413, -0.02153337374329567, -0.010055944323539734, 0.006315752398222685, 0.00025905141956172884, 0.01261743064969778, -0.013166320510208607, 0.0036170438397675753, -0.01814151555299759, 0.026473382487893105, -0.0038035255856812, 0.0009895851835608482, -0.016382252797484398, 0.005918159149587154, -0.013602618128061295, 0.001347595127299428, -0.0022905596997588873, -0.03346820920705795, -0.001559586264193058, 0.05728158727288246, 0.01254002284258604, -0.00518278731033206, -0.0004378364537842572, 0.027979310601949692, -0.019056331366300583, -0.014038914814591408, 0.009359276853501797, 0.018014848232269287, -0.003194820834323764, -0.005253158044070005, 0.023433376103639603, 0.0024348192382603884, -0.037465255707502365, 0.0171563271433115, -0.010492241941392422, 0.04858379438519478, 0.010231871157884598, -0.01894373819231987, -0.010886316187679768, 0.0006315752398222685, 0.0032528764568269253, -0.08478237688541412, 0.014904472045600414, 0.007930755615234375, 0.021308187395334244, -0.04543119668960571, 0.00558038055896759, -0.009908166714012623, 0.006927975919097662, -0.0044368598610162735, 0.037803031504154205, -0.0008994229719974101, -0.008944090455770493, -0.013166320510208607, 0.0045388974249362946, 0.010647056624293327, -0.005865381099283695, 0.016142992302775383, -0.03338376432657242, 0.0005057879607193172, 0.02443263866007328, 0.007202420849353075, -0.0072622355073690414, -0.012223356403410435, -0.0022483374923467636, 0.004855564329773188, 0.0041764890775084496, -0.04146229848265648, 0.025375602766871452, 0.018831146880984306, 0.011470391415059566, 0.0024999119341373444, -0.039097849279642105, 0.016607437282800674, -0.026839308440685272, -0.003523802850395441, -0.01149150263518095, -0.019197072833776474, 0.008937053382396698, 0.017761513590812683, -0.026191899552941322, 0.01012631505727768, -0.0019439851166680455, 0.02475634217262268, -0.010175574570894241, -0.019056331366300583, -0.009436683729290962, -0.035860806703567505, 0.03574821352958679, -0.0027638014871627092, -0.025023750960826874, -0.004915379453450441, -0.01618521474301815, 0.000828612654004246, -0.005407973192632198, 0.019788185134530067, -0.01846521906554699, 0.0015560677275061607, 0.0070405686274170876, -0.019872630015015602, 0.007719643879681826, -0.029893388971686363, -0.005960381589829922, -0.021308187395334244, 0.01992892660200596, 0.02624819613993168, 0.01458076760172844, -0.027599310502409935, -0.033411912620067596, 0.014271137304604053, -0.0013044931693002582, -0.011927800253033638, 0.02137855812907219, -0.01586151123046875, 0.0016044473741203547, -0.026431160047650337, -0.012518911622464657, -0.034875620156526566, -0.025980789214372635, 0.006382604595273733, -0.010485204868018627, -0.0023380599450320005, -0.025192638859152794, -0.011005946435034275, -0.0016818549484014511, 0.018535589799284935, -0.011512613855302334, -0.017522254958748817, 0.008859645575284958, 0.023869674652814865, -0.04123711213469505, 0.029977833852171898, 0.006685197353363037, 0.008817424066364765, -0.00995038915425539, -0.006952605675905943, 0.0323704294860363, -0.011575947515666485, -0.0027145419735461473, 0.007825199514627457, -3.5212739021517336e-05, -0.04745786637067795, 0.00656204903498292, -0.08528904616832733, 0.02640301175415516, 0.011695576831698418, -0.005988529417663813, 0.006312233861535788, -0.008226311765611172, 0.009880018420517445, 0.00599204795435071, -0.005735195707529783, -0.004869638476520777, -0.028049681335687637, 0.01764892227947712, -0.011350762099027634, -0.006818901747465134, 0.0032370430417358875, -0.01697336509823799, 0.016255585476756096, 0.000983427744358778, 0.014791878871619701, 0.024235600605607033, 0.005640195682644844, 0.022237077355384827, 0.015664473176002502, 0.023419301956892014, -0.01125224307179451, -0.004348896909505129, 6.147110525489552e-06, 0.005495936144143343, -0.006611308548599482, 0.01812744140625, 0.025150416418910027, -0.05272157862782478, 0.00961964763700962, 0.015580029226839542, 0.0016229196917265654, -0.023264488205313683, -0.011456317268311977, -0.00561908446252346, 0.0037613031454384327, 0.039097849279642105, -0.04813342168927193, -0.0152141023427248, -0.005886492319405079, -0.012005207128822803, 0.0008633580873720348, 0.010555574670433998, 0.025009676814079285, 0.0035273213870823383, 0.009232609532773495, -0.012342985719442368, 0.039914149791002274, 0.009197424165904522, -0.015523732639849186, -0.05669047683477402, 0.002192041138187051, 0.011069280095398426, 0.013384468853473663, -0.016466697677969933, 0.009690018370747566, -0.023081524297595024, 0.03265191242098808, 0.009183350019156933, 0.04788008704781532, -0.0016132437158375978, 0.011927800253033638, 0.00017416698392480612, 0.0013212061021476984, 0.003145561320707202, -0.015495584346354008, -0.025783751159906387, -0.008381126448512077, 0.009682981297373772, 0.0019527813419699669, 0.020196333527565002, 0.013778544031083584, 0.004197600297629833, -0.013490024954080582, 0.018338551744818687, -0.025220787152647972, -0.0013458358589559793, 0.042813412845134735, -0.0056577883660793304, -0.007388902362436056, 0.023405227810144424, 0.02620597369968891, -0.0010476408060640097, -0.016635585576295853, 0.028049681335687637, 0.0049681575037539005, 0.017860032618045807, -0.006685197353363037, 0.008704830892384052, 0.0036100067663937807, -0.008711867965757847, -0.017775587737560272, 0.02330671064555645, -0.025657083839178085, 0.020463742315769196, 0.036311179399490356, 0.03414376825094223, 0.0025386158376932144, 0.005091305822134018, -0.005900566466152668, -0.026121530681848526, -0.04227859526872635, 0.006734456866979599, -0.012568171136081219, -0.004419267643243074, -0.0037014882545918226, -0.011751873418688774, 0.009112980216741562, 0.003099820576608181, -0.011280391365289688, 0.00752964336425066, -0.02851412631571293, -0.0019545406103134155, 0.011878540739417076, -0.017902255058288574, -0.030878575518727303, 0.034425247460603714, -0.005988529417663813, 0.0072763096541166306, 0.026473382487893105, 0.0014188452623784542, 0.022954856976866722, 0.018099293112754822, 0.0275148656219244, -0.011597058735787868, 0.01701558753848076, -0.04317934066057205, 0.00031226908322423697, -0.00711797596886754, -0.018408922478556633, 0.006864642258733511, -0.01959114708006382, -0.011167798191308975, 0.0009790295735001564, -0.009507054463028908, -0.009408536367118359, 0.08748460561037064, 0.031469687819480896, -0.011371873319149017, -0.003972414880990982, -0.040223777294158936, -0.0001816438598325476, 0.04089933633804321, -0.01327891368418932, -0.018662257120013237, -0.046050455421209335, -0.00841631181538105, -0.014024840667843819, 0.00014359979832079262, -0.030034130439162254, -0.009894092567265034, -0.006006122101098299, -0.017423735931515694, 0.01504521258175373, -0.0003232644812669605, 0.0038457477930933237, 0.008205200545489788, 0.006217233836650848, 0.019858555868268013, 0.014425952918827534, -0.019070405513048172, -0.01368002500385046, 0.009732239879667759, -0.010611871257424355, 0.01600225269794464, -0.031469687819480896, -0.01093557570129633, 0.007712606806308031, -0.027908939868211746, -0.015762992203235626, -0.007832236588001251, -0.005759825464338064, -0.009211498312652111, -0.0039020441472530365, 0.029330424964427948, 0.009507054463028908, 0.010963723994791508, 0.018577812239527702, 0.006424826569855213, 0.001395974773913622, -0.006051863078027964, -0.01384891476482153, -0.020660778507590294, -0.009049646556377411, -0.020365223288536072], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='19d7a65e-542a-49e8-b39f-e58ac268df73', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='bbfc8990ea1f6dd2eea70561eb43769e897c90d18aacb2cfe77646ee6ed7feb8'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='4110b724-2b3a-4b77-a4e4-f5b6b5a38325', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='c9ca3468dc963e2b6dc4c5199556fd6348deec4e8132065bbd7fecf8cd0e3f9a')}, hash='ba5fafa7c61c4713016e3a4ffb4de4a010d3f49b06a26b602cfa5a5b23dca861', text='12, no. 4, pp. 261-268, 1980. [47] B. Harwood and T. Drummond, \"FANNG: fast approximate nearest neighbour graphs,\" in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition , 2016, pp. 5713-5722. [48] R. A. Dwyer, \"Higher-dimensional Voronoi diagrams in linear expected time,\" Discrete & Computational Geometry, vol. ', start_char_idx=7021, end_char_idx=7361, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
465
       " TextNode(id_='4110b724-2b3a-4b77-a4e4-f5b6b5a38325', embedding=[-0.007798907812684774, 0.022780651226639748, -0.009521108120679855, -0.008695011958479881, 0.012370440177619457, 0.021310480311512947, -0.00884903036057949, 0.000931108370423317, -0.03214774280786514, -0.041696853935718536, 0.009794140234589577, 0.011026283726096153, 0.0015165514778345823, 0.012643471360206604, -0.012930504977703094, 0.007462868466973305, 0.016451915726065636, -0.003997465129941702, 0.016493920236825943, 0.00416548503562808, -0.03710431978106499, 0.006230724975466728, -0.013567578978836536, -0.031839706003665924, 0.0043335044756531715, 0.035648148506879807, 0.028269290924072266, -0.025959020480513573, 0.0019777300767600536, -0.01549980416893959, 0.01344156451523304, -0.02409680373966694, -0.004389510955661535, 0.004715048708021641, -0.001862216740846634, -0.00901004858314991, 0.016157880425453186, -0.028899364173412323, 0.03746836259961128, -0.004736051429063082, -0.00111575482878834, -0.0040394701063632965, -0.007210839074105024, 0.00019175669876858592, -0.003622921649366617, -0.0027145659551024437, 0.02999149076640606, -0.022038565948605537, -0.011768369935452938, 0.034247986972332, 0.025356952100992203, 0.02423682063817978, -0.010487220250070095, -0.0008672259282320738, -0.005093092564493418, 0.0018237122567370534, 0.010676242411136627, 0.021044449880719185, -0.008877033367753029, -0.025342950597405434, 0.011614351533353329, -0.011754368431866169, -0.025286942720413208, 0.016367904841899872, -0.019546274095773697, -0.039092548191547394, -0.019140228629112244, 0.015863846987485886, 0.007574881426990032, -0.01505175232887268, 0.00601720018312335, 0.017614049836993217, -0.022850658744573593, 0.0036579256411641836, 0.04617737606167793, -0.018202118575572968, -0.008674009703099728, 0.0025447960942983627, -0.016269894316792488, 0.009948157705366611, -0.0021667522378265858, -0.030775582417845726, 0.0005377500783652067, 0.009374091401696205, 0.0014745466178283095, 0.007448866963386536, 0.016647936776280403, 0.020470382645726204, -0.03710431978106499, 0.0017125742742791772, 0.03634823113679886, 0.03898053616285324, 0.026533087715506554, -0.019882313907146454, -0.010186185128986835, 0.01558381412178278, -0.014603699557483196, 0.003437400097027421, 0.016591930761933327, -0.022346600890159607, -0.007084824610501528, 0.015177766792476177, -0.0017169498605653644, -0.010137179866433144, -0.00886303186416626, 0.003558164229616523, -0.008611002005636692, 0.009073056280612946, -0.003678928129374981, 0.021744530647993088, -0.015289779752492905, 0.00402896897867322, -0.005072090309113264, -0.010683243162930012, -0.006542261689901352, -0.023704759776592255, 0.023158695548772812, -0.01727801188826561, -0.008113943971693516, -0.018692174926400185, 0.018804188817739487, 0.014253659173846245, 0.01950426958501339, -0.02125447429716587, 0.006346238777041435, 0.02509091980755329, -0.0034286491572856903, -0.02807326801121235, -0.0010903768707066774, -0.02733118087053299, 0.03231576085090637, 0.025959020480513573, 0.020498385652899742, 0.004809559788554907, -0.03099960833787918, 0.032287757843732834, 0.00959811732172966, -0.022108573466539383, -0.03489205986261368, -0.029347416013479233, 0.00772189861163497, 0.037272337824106216, -0.014281662181019783, -0.017642052844166756, -0.012937505729496479, 0.0255389716476202, 0.007406861986964941, 0.018860194832086563, 0.0029700957238674164, -0.021506503224372864, 0.004161984194070101, 0.0022052566055208445, 0.00048349378630518913, 0.0324837826192379, 0.017390023916959763, 0.014302664436399937, -0.00827496312558651, 0.02509091980755329, -0.015205769799649715, -0.044245149940252304, -0.025580978021025658, 0.011131295934319496, 0.012293430976569653, -0.009507106617093086, 0.011922387406229973, 0.021464498713612556, 0.011761369183659554, 0.00576517079025507, -0.0112993149086833, -0.018076103180646896, -0.009808141738176346, 0.022780651226639748, -0.029711458832025528, -0.0035826670937240124, 0.006878300569951534, -0.011166299693286419, 0.052226077765226364, 0.017362020909786224, -0.032427772879600525, -0.007574881426990032, -0.007560879923403263, -0.00014920486137270927, 0.0021790035534650087, 0.01654992625117302, -0.0003911705280188471, 0.0010886266827583313, 0.023704759776592255, -0.010739250108599663, 0.018650170415639877, -0.02392878569662571, 0.017236005514860153, 0.017754066735506058, 0.014099640771746635, 0.01158634852617979, -0.6308574080467224, -0.025202933698892593, 0.0033866441808640957, -0.02286466211080551, 0.0007731525111012161, 0.018202118575572968, 0.014757717959582806, 0.02468487247824669, 0.005859681870788336, 0.02201056107878685, -0.031195631250739098, 0.009395093657076359, -0.0003822007274720818, -0.005831678863614798, -0.01535978727042675, -0.018370138481259346, 0.0054186307825148106, -0.017306014895439148, 0.018524156883358955, 0.007861915044486523, -0.01610187441110611, 0.023732762783765793, -0.006689278408885002, -0.007315851282328367, 0.0025903014466166496, 0.012503455393016338, 0.035536136478185654, -0.04183686897158623, 0.007032318506389856, 0.01740402542054653, -0.026071034371852875, 0.021002445369958878, 0.005254111718386412, 0.02364875189960003, 0.05127396807074547, -0.017992094159126282, -0.014337669126689434, 0.010578230954706669, 0.02182854153215885, 0.025202933698892593, -0.03576016053557396, -0.02852131985127926, 0.0018849694170057774, 0.010004164651036263, -0.01685796119272709, 0.013476568274199963, 0.020274359732866287, 0.004249494522809982, -0.01830012910068035, -0.03141965717077255, -0.0017764567164704204, 0.0012260177172720432, -0.02303268015384674, 0.0021790035534650087, -0.004855065140873194, -0.014799722470343113, 0.029123390093445778, -0.012580464594066143, -0.0002246824005851522, 0.0015506804920732975, 0.0125664621591568, -0.0015541808679699898, -0.01181737519800663, -0.015317782759666443, -0.003804942825809121, 0.021086454391479492, -0.019742297008633614, 0.02759721130132675, -0.00952810887247324, -0.020862428471446037, 0.02290666662156582, 0.013826609589159489, 0.0032028728164732456, -0.0013765351613983512, 0.011705362237989902, 0.03186770901083946, 0.020344367250800133, 0.0037769395858049393, -0.026071034371852875, -0.006724282633513212, 0.006342738401144743, 0.020120341330766678, -0.00804393645375967, -0.008533993735909462, 0.03057955950498581, 0.010767253115773201, -0.045141253620386124, 0.010767253115773201, -0.009871148504316807, -0.009801140986382961, 0.0028003258630633354, -0.010088174603879452, -0.026967138051986694, -0.03161567822098732, -0.009794140234589577, 0.011327318847179413, 0.01040321122854948, 0.00840797834098339, 0.015303781256079674, -0.03455602377653122, -0.012160415761172771, -0.013350553810596466, 0.01402963325381279, -0.022640634328126907, -0.007546878419816494, 0.011418328620493412, -0.0020074837375432253, 0.005670660175383091, 0.015387791208922863, -0.010599233210086823, 0.022374603897333145, -0.009213072247803211, -0.015345785766839981, 0.01439367514103651, -0.012055403552949429, -0.029123390093445778, 0.044525183737277985, 0.014757717959582806, -0.02007833682000637, 0.0063742417842149734, 0.03239976987242699, -0.0002268701500725001, 0.007427864708006382, -0.01101228129118681, 0.005334620829671621, 0.0064337486401200294, 0.005999698303639889, -0.028549322858452797, -0.03125163912773132, -0.004904070869088173, 0.024880895391106606, 0.0011980144772678614, 0.014316665939986706, -0.01757204532623291, 0.020288361236453056, -0.015709828585386276, 0.006206222344189882, -0.00028178279171697795, 0.006447750609368086, -0.004697546828538179, -0.03632022812962532, 0.01597585901618004, 0.012069405056536198, -0.032427772879600525, -0.004305501002818346, -0.009178068488836288, -0.02334071695804596, 0.015149762853980064, -0.010319201275706291, -0.019378256052732468, -0.018566161394119263, -0.009339086711406708, -0.033015843480825424, 0.01358858123421669, -0.003388394368812442, -0.009234074503183365, 0.0016443163622170687, -0.016185883432626724, -0.005485138390213251, -0.0185941644012928, 0.0018832192290574312, 0.0395406037569046, -0.0174180269241333, -0.02066640555858612, -0.0019182232208549976, -0.008744018152356148, 0.004442017059773207, 0.022948671132326126, 0.026477081701159477, -0.0330718494951725, 0.00033560156589373946, -0.01684395968914032, -0.0313076451420784, 0.017894083634018898, -0.013665590435266495, -0.004778055939823389, 0.0013336552074179053, -0.006591266952455044, 0.0012041401350870728, -0.015345785766839981, 0.008239959366619587, 0.013784604147076607, 0.008954042568802834, -0.012132411822676659, 0.02762521617114544, -0.009479103609919548, 0.01041721273213625, 0.00650375708937645, -0.0013564078835770488, 0.009269079193472862, 0.004144482314586639, 0.033603910356760025, -0.0021317480131983757, 0.012573463842272758, -0.0090940585359931, 0.017824074253439903, 0.0006882675806991756, -0.0028510817792266607, -0.007567880675196648, 0.024768883362412453, 0.005782673135399818, 0.0043580071069300175, -0.006591266952455044, -0.023088688030838966, 0.016325900331139565, -0.03928857296705246, 0.009332085959613323, -0.012062404304742813, 0.003435649909079075, 0.001967228949069977, 0.020302362740039825, -0.014183650724589825, -0.018426144495606422, -0.02245861478149891, 0.007301849778741598, 0.02286466211080551, -0.0139456233009696, 0.008400977589190006, -0.023578744381666183, 0.014204652979969978, 0.007966927252709866, -0.006850297097116709, 0.03295983746647835, 0.002917589619755745, -0.004501523915678263, -0.005905187223106623, 0.0199523214250803, 0.024474848061800003, 0.003265880048274994, -0.0032763814087957144, -0.0035704155452549458, -0.009472102858126163, 0.023662753403186798, 0.014771719463169575, 0.02892736718058586, -0.0019339751452207565, 0.039960652589797974, -0.019896315410733223, 0.0071408310905098915, -0.00204773829318583, 0.009374091401696205, 0.009290081448853016, 0.01307052094489336, -0.03150366619229317, 0.002686562715098262, -0.005072090309113264, 0.02468487247824669, 0.015121759846806526, -0.0032938832882791758, 0.02040037512779236, -0.007833912037312984, 0.03141965717077255, 0.005873683840036392, 0.00959811732172966, 0.017642052844166756, -0.011698361486196518, 0.010284196585416794, 0.02055439166724682, 0.018930204212665558, 0.03141965717077255, 0.005660158582031727, -0.0030593560077250004, 0.023424725979566574, -0.009003047831356525, 0.007945924997329712, -0.05970294773578644, 0.005548145622014999, 0.01993831992149353, 0.013329551555216312, -0.009808141738176346, -0.0007018317119218409, -0.005296116229146719, 0.004998581949621439, -0.022920668125152588, 0.010396210476756096, 0.005810676142573357, 0.018062101677060127, -0.028115272521972656, 0.017544042319059372, 0.017348019406199455, -0.04886568710207939, -0.005289115477353334, 0.01225842721760273, 0.019266242161393166, 0.0032483781687915325, -0.0040604728274047375, 0.004487522412091494, 0.027429193258285522, -0.040100667625665665, -0.00568466167896986, 0.005513141863048077, -0.004337004851549864, 0.011607350781559944, -0.021184464916586876, -0.0031696190126240253, -0.009059054777026176, 0.020610399544239044, 0.0090940585359931, -0.004287999123334885, 0.0050160838291049, 0.019266242161393166, -0.0050895921885967255, -0.01093527302145958, -0.005170101765543222, 0.041164789348840714, -0.017922086641192436, -0.003706931369379163, -0.023690758273005486, 0.00959811732172966, -0.0037209331057965755, 0.007357856258749962, 0.003787440713495016, -0.002292766934260726, 0.016885966062545776, 0.010746250860393047, -0.0024047798942774534, -0.017179999500513077, 0.023536739870905876, 0.042144905775785446, -0.007287848275154829, -0.011726364493370056, -0.0277792327105999, -0.014603699557483196, 0.03192371502518654, 0.031531669199466705, 0.027373185381293297, -0.0009547361405566335, 0.005093092564493418, -8.236896246671677e-05, -0.011040285229682922, -0.02951543591916561, 0.00720383832231164, 0.01290950272232294, -0.0007508373819291592, -0.016885966062545776, -0.021324481815099716, 0.0137425996363163, 0.00864600669592619, 0.04105277732014656, -0.007210839074105024, -0.003916956018656492, -0.029879476875066757, -0.004991581197828054, 0.008134947158396244, -0.019700292497873306, -0.011754368431866169, 0.0045120250433683395, 0.007896918803453445, -0.00916406698524952, -0.019728295505046844, 0.03940058499574661, 0.003997465129941702, 0.007861915044486523, -0.030075499787926674, -0.012272428721189499, 0.01262246910482645, 0.026043031364679337, 0.017095990478992462, -0.007686894852668047, 0.019280243664979935, 0.021366486325860023, 0.02321470156311989, 0.005968194454908371, -0.006227224599570036, 0.02114246040582657, 0.003314885776489973, 0.006423247512429953, 0.010753251612186432, -0.006444250233471394, 0.001388786593452096, 0.010557228699326515, 0.021534506231546402, -0.025931017473340034, -0.012699478305876255, 0.004942575469613075, -0.018538158386945724, -0.012055403552949429, -0.019140228629112244, -0.00820495467633009, -0.007175835315138102, -0.005754669662564993, 0.0007311475928872824, -0.004589034244418144, -0.02066640555858612, 0.007749902084469795, -0.0049705784767866135, 0.007060321979224682, -0.00223150965757668, -0.002641057362779975, -0.021450497210025787, -0.03534011170268059, -0.011005280539393425, -0.011110292747616768, 0.00032597544486634433, 0.019168231636285782, -0.008239959366619587, -0.023662753403186798, -0.01041721273213625, 0.0013642838457599282, 0.02318669855594635, 0.00781290978193283, 0.0034233983606100082, -0.03472404181957245, 0.022486617788672447, -0.023424725979566574, -0.02243060991168022, -0.0024625365622341633, -0.011061287485063076, 0.008954042568802834, -0.005509641487151384, -0.016171881929039955, -0.00834497157484293, -0.004291499499231577, -0.019756300374865532, -0.0028843358159065247, -0.00705332076177001, 0.0012723980471491814, -0.006297233048826456, 0.01372859813272953, -0.012230423279106617, 0.011033284477889538, 0.026337064802646637, 0.004543528892099857, 0.003983463626354933, 0.011768369935452938, 0.011705362237989902, -0.013532575219869614, -0.007749902084469795, 0.02023235522210598, 0.009143063798546791, 0.0007757777930237353, 0.005450134165585041, -0.005604152102023363, -0.009157066233456135, 0.028675338253378868, -0.0170119795948267, 0.009647122584283352, 0.0031048613600432873, 0.02644907869398594, 0.03441600501537323, 0.023564742878079414, 0.005313618574291468, 0.011789372190833092, -0.01342756301164627, -0.014169649221003056, -0.004424515180289745, -0.00041501704254187644, 0.012041401118040085, -0.011614351533353329, 0.01844014599919319, -0.023130692541599274, -0.017376022413372993, -0.01401563175022602, -0.002656809287145734, -0.0225986298173666, 0.013322550803422928, 0.0011822625529021025, -0.008765020407736301, -0.03662826493382454, -0.005929690320044756, -0.009339086711406708, -0.001497299293987453, -0.035536136478185654, -0.026953136548399925, 0.008968044072389603, -0.019280243664979935, 0.0001809273089747876, -0.004042970482259989, -0.028437308967113495, -0.01907021924853325, -0.019014213234186172, 0.010571230202913284, 0.03220374882221222, 0.024012794718146324, 0.002781073795631528, 0.006843296345323324, 0.005411630030721426, -0.01860816590487957, -0.006818793714046478, -0.008526992052793503, -0.011852379888296127, 0.03245577588677406, 0.024110807105898857, 0.004631039220839739, 0.025454962626099586, 0.0034146474208682775, -0.004147982690483332, 0.01670394465327263, 0.007707897108048201, 0.004323003347963095, -0.0076728928834199905, -0.00024349709565285593, -0.004578533116728067, 0.0024642867501825094, 0.03615220636129379, -0.0112993149086833, 0.02569299004971981, 0.014183650724589825, 0.01682995818555355, 0.008989046327769756, 0.01433066837489605, -0.012524457648396492, 0.007210839074105024, -0.047045476734638214, 0.0003563852224033326, -0.010011165402829647, -0.014743716455996037, 0.004823561292141676, -0.04175285995006561, -0.033911947160959244, 0.006892302073538303, -0.0020109841134399176, 0.016605932265520096, -0.011663357727229595, 0.034920062869787216, -0.0025010411627590656, -0.003286882536485791, 0.032427772879600525, 0.02392878569662571, -0.03150366619229317, 0.017460031434893608, -0.02968345396220684, 0.004869066644459963, 0.02391478419303894, -0.0018359636887907982, 0.023102689534425735, -0.0006256978376768529, 0.0009267328423447907, -0.0031241136603057384, 0.018076103180646896, 0.0011708863312378526, -0.010144180618226528, -0.004287999123334885, 0.001008117338642478, -0.0017318265745416284, -0.02996348775923252, -0.01505175232887268, 0.015597815625369549, -0.012069405056536198, 0.0012662723893299699, -0.011250309646129608, 0.0075538791716098785, -0.025496967136859894, -0.006899302825331688, 0.02497890777885914, 0.01011617761105299, 0.04197688400745392, -0.017460031434893608, 0.029179396107792854, 0.03379993513226509, -0.012496454641222954, -0.027527203783392906, 0.02378876879811287, -0.0025745497550815344, 0.006258728448301554, 0.022388605400919914, 0.02539895661175251, -0.040968768298625946, -0.034051962196826935, -0.0035021575167775154, -0.0014001629315316677, 0.0027023146394640207, -0.0366002582013607, 0.016801955178380013, 0.02909538708627224, 0.0056566582061350346, -0.022976674139499664, -0.004620537627488375, -0.02640707418322563, 0.03648824617266655, 0.003710431745275855, 0.016871964558959007, 0.0002701877092476934, -0.008744018152356148, 0.0013310299254953861, 0.02318669855594635, -0.0032028728164732456, 0.05079791322350502, 0.004407012835144997, -0.014953740872442722, 0.014589698053896427, -0.004294999875128269, -0.008597000502049923, 0.006192220840603113, -0.030495548620820045, 0.040072664618492126, -0.007665892131626606, -0.003696430241689086, 0.02182854153215885, 0.01165635697543621, 0.008772021159529686, 0.00045767828123643994, 0.008702012710273266, 0.03514409065246582, -0.01992431841790676, -0.014953740872442722, -0.00997616071254015, 0.0016906968085095286, 0.022976674139499664, 0.007336854003369808, -0.004564531147480011, -0.010053169913589954, -0.0159478560090065, -0.01263647060841322, 0.019420260563492775, -0.0018149612005800009, 0.021324481815099716, 0.018720177933573723, -0.007798907812684774, -0.016269894316792488, -0.03444400802254677, -0.003421648172661662, -0.0015191767597571015, -0.046737439930438995, -0.021926552057266235, -0.007819910533726215, -0.009927155449986458, 0.003668427001684904, -0.001527052721939981, -0.03377193212509155, 0.02227659337222576, 0.02584700845181942, -0.01844014599919319, 0.017796071246266365, 0.030523553490638733, 0.011866381391882896, -0.05186203494668007, -0.01608787290751934, -0.0010448716348037124, -0.01874818280339241, 0.03217574581503868, -0.01424665842205286, -0.02716316096484661, 0.000817782711237669, -0.006860798690468073, 0.021170463413000107, 0.02213657647371292, -0.009248076006770134, -0.005782673135399818, -0.0038539485540241003, 0.0005053713102824986, -0.01011617761105299, -0.021002445369958878, 0.0366002582013607, -0.016745949164032936, 0.021478500217199326, 0.01492573693394661, -0.01950426958501339, 0.024250822141766548, -0.01961628347635269, 0.002555297454819083, -0.005506140645593405, -0.042340926826000214, -0.007497872691601515, -0.001239144243299961, 0.007151332218199968, 0.0011638854630291462, -0.016451915726065636, -0.011768369935452938, 0.008400977589190006, -0.013567578978836536, 0.021338483318686485, -0.0017939588287845254, -0.014813723973929882, 0.016129877418279648, 0.006171218119561672, -0.016913969069719315, -0.0063742417842149734, -0.018286127597093582, -0.003741935594007373, 0.025314945727586746, 0.01315453089773655, -0.04032469168305397, -0.006465252488851547, 0.027261173352599144, 0.046009354293346405, 0.02185654453933239, -0.02719116397202015, -0.02597302384674549, -0.0181881170719862, -0.04900570213794708, -0.02054039016366005, -0.01092127151787281, -0.003188871080055833, -0.005674160551279783, 0.010991279035806656, -0.010144180618226528, 0.018384139984846115, -0.0032501283567398787, -0.014134645462036133, 0.004886568523943424, -0.012664473615586758, -0.006958810146898031, 0.017670055851340294, 0.0012960258172824979, 0.009038051590323448, -0.04122079908847809, 0.0004438954056240618, -0.003120613284409046, 0.004193488042801619, -0.016059869900345802, 0.005254111718386412, -0.01769806072115898, -0.004876067396253347, -0.0076588913798332214, -0.003713932354003191, -0.003976462874561548, 0.004589034244418144, -0.013266543857753277, -0.02541295811533928, -0.004862065892666578, 0.0105642294511199, -0.00568466167896986, -0.014799722470343113, 0.0033236369490623474, -0.002306768437847495, 0.0001809273089747876, -0.007462868466973305, -0.01755804382264614, -0.019000211730599403, 0.022808654233813286, -0.016269894316792488, 0.01862216740846634, 0.0031853707041591406, 0.01099827978760004, 0.05273013561964035, -0.01499574538320303, 0.010844262316823006, -0.0020074837375432253, -0.004750052932649851, -0.040268685668706894, -0.002599052619189024, 0.006752286106348038, -0.009150064550340176, 0.00290008750744164, -0.002718066330999136, 0.006633271928876638, -0.005635655950754881, -0.009780138731002808, 0.005604152102023363, -0.019588280469179153, -0.010585231706500053, 0.013791604898869991, 0.0045925346203148365, -0.025062916800379753, -0.016633935272693634, -0.012377440929412842, -0.004543528892099857, 0.009822143241763115, 0.013721597380936146, -0.0040989769622683525, -0.02021835371851921, 0.012209421023726463, 0.009990163147449493, 0.0015988111263141036, -0.00399396475404501, 0.014295663684606552, 0.002362774917855859, -0.00033560156589373946, 0.017894083634018898, 0.19098222255706787, -0.005229608621448278, 0.030663568526506424, 0.005436132661998272, 0.005212106741964817, -0.0034251485485583544, 0.04323703423142433, 0.0005079966504126787, 0.016619933769106865, 0.0004303313326090574, -0.010900268331170082, 0.022794652730226517, -0.010655240155756474, -0.0015944355400279164, 0.03144766017794609, -0.028017260134220123, -0.05452234670519829, -0.03688029199838638, -0.03690829500555992, -0.005415130406618118, -0.022234586998820305, -0.006244726944714785, -0.01020018756389618, -0.030775582417845726, 0.0137425996363163, -0.03956860676407814, -0.030327530577778816, -0.014127644710242748, 0.010718247853219509, 0.00690630404278636, -0.01919623464345932, -0.009409095160663128, 0.024194816127419472, 0.004459518939256668, -0.009318084456026554, -0.013385557569563389, 0.02985147386789322, 0.013252542354166508, 0.008625003509223461, 0.019084220752120018, -0.025370953604578972, -0.04105277732014656, 0.008246960118412971, 0.004858565516769886, 0.0066682761535048485, 0.01562581956386566, -0.01085126306861639, 0.019252240657806396, 0.0032326262444257736, -0.007763903588056564, -0.029487432911992073, -0.005110594909638166, 0.04133281111717224, 0.03430399298667908, -0.02216457948088646, -0.001725700800307095, -0.01491173543035984, 0.022934669628739357, -0.008253960870206356, -0.005516642238944769, -0.027527203783392906, 0.010900268331170082, 0.024446845054626465, 0.00842197984457016, 0.002660309663042426, 0.01417664997279644, -0.017208002507686615, 0.0020809920970350504, 0.004501523915678263, -0.0025710491463541985, 0.018398141488432884, -0.009087057784199715, -0.009710130281746387, 0.00413048081099987, -0.051918040961027145, -0.021926552057266235, 0.03769238665699959, 0.009857147000730038, -0.00608720863237977, 0.04270496964454651, -0.00908005703240633, 0.02409680373966694, -0.014379673637449741, 0.01562581956386566, -0.022542623803019524, -0.05623054504394531, -0.009661124087870121, -0.0026165544986724854, -0.011810374446213245, -0.022976674139499664, -0.014043634757399559, 0.025174930691719055, -0.00936709064990282, -0.006839795969426632, 0.018118109554052353, -0.001389661687426269, 0.00657026469707489, 0.0015708077698946, -0.008540994487702847, 0.02303268015384674, -0.016941972076892853, 0.03634823113679886, 0.013476568274199963, -0.008197953924536705, -0.019434262067079544, -0.0039449590258300304, -0.00250804191455245, 0.01211841031908989, 0.02290666662156582, 0.008604001253843307, 0.005873683840036392, -0.03318386152386665, -0.008561996743083, -0.019560277462005615, 0.007165334187448025, 0.02583300694823265, 0.007018317002803087, -0.02201056107878685, -0.005226108245551586, -0.014645704999566078, 0.011194302700459957, -0.012874498032033443, 0.003650924889370799, 0.026379071176052094, -0.007406861986964941, 0.02465686947107315, -0.02023235522210598, -0.00842197984457016, -0.014057636260986328, -0.03721633180975914, 0.022780651226639748, -0.014645704999566078, 0.007483871188014746, 0.00023474606859963387, 0.004841063637286425, -0.0020109841134399176, -0.021506503224372864, 0.002534294966608286, -0.011523340828716755, -0.009703129529953003, 0.0024677871260792017, -0.013406560756266117, 0.0011498838430270553, 0.027359183877706528, -0.007483871188014746, -0.008933039382100105, 0.0057021635584533215, 0.02391478419303894, 0.0058561814948916435, -0.027093153446912766, 0.003997465129941702, -0.019280243664979935, 0.00580017501488328, -0.004505024291574955, 0.03309985250234604, 0.0020424877293407917, -0.010655240155756474, -0.03850448131561279, 0.005940191447734833, 0.006342738401144743, -0.0381404384970665, 0.0028493315912783146, 0.04197688400745392, -0.016605932265520096, -0.000702706805896014, 0.0005250610993243754, -0.18067702651023865, 0.017095990478992462, 0.020876429975032806, -0.028171278536319733, 0.006216723471879959, 0.0289553701877594, 0.015849845483899117, -0.0013170283054932952, 0.007805908564478159, -0.001055372878909111, 0.008316967636346817, 0.003955460153520107, 0.01069724466651678, -0.004610036499798298, 0.003741935594007373, 0.011502338573336601, 0.014225656166672707, 0.0014465433778241277, 0.0098291439935565, 0.007378858979791403, -0.008232958614826202, -0.025917015969753265, 0.011446332558989525, 0.01666194014251232, -0.020890431478619576, 0.027289176359772682, -0.02759721130132675, 0.003426898969337344, -0.0264210756868124, -0.009486104361712933, 0.009605118073523045, -0.007686894852668047, 0.013000513426959515, -0.008884034119546413, -0.0033253871370106936, 0.018538158386945724, -0.019672289490699768, 0.004056971985846758, -0.0040989769622683525, 0.04914572089910507, 0.01786607876420021, 0.024572860449552536, 0.01817411556839943, 0.0028178279753774405, -0.016647936776280403, -0.00155943154823035, 0.00961211882531643, -0.003990464378148317, -0.009248076006770134, -0.020890431478619576, -0.019658287987113, -0.01596185751259327, 0.04267696663737297, 0.007882917299866676, 0.005611152853816748, 0.014085639268159866, 0.028577325865626335, 0.013490569777786732, 0.0071058268658816814, -0.008667008951306343, -0.02481088787317276, -0.015009746886789799, 0.010074172168970108, -0.011278312653303146, -0.005548145622014999, -0.027135157957673073, -0.03147566318511963, -0.011677359230816364, -0.025062916800379753, -0.00029403422377072275, -0.00877902191132307, -0.021758532151579857, 0.015471801161766052, -0.004151483066380024, 0.012524457648396492, -0.0020809920970350504, 0.001984731061384082, 0.0008383475942537189, -0.008071939460933208, 0.01197139360010624, -0.014043634757399559, 0.0428449884057045, 0.007889918051660061, 0.0006585141527466476, 0.01729201339185238, -0.026057032868266106, -0.015149762853980064, -0.021478500217199326, 0.004536528140306473, -0.005726666655391455, 0.006790790241211653, -0.00961211882531643, 4.334488767199218e-05, -0.023452728986740112, 0.0234807338565588, -0.00834497157484293, -0.004259995650500059, -0.007448866963386536, 0.006048704031854868, -0.01062023639678955, -0.005047587677836418, -0.0005915688816457987, -0.029347416013479233, -0.010949274525046349, 0.05651057884097099, 0.010557228699326515, -0.006181719712913036, -0.009206071496009827, 0.021898549050092697, -0.01699797809123993, -0.014631702564656734, 0.007130329962819815, 0.018272126093506813, -0.006101210135966539, -0.015303781256079674, 0.03158767521381378, 0.005394127685576677, -0.039204563945531845, 0.01755804382264614, -0.012083406560122967, 0.041696853935718536, 0.015919853001832962, -0.023746764287352562, -0.013595581986010075, 0.0019339751452207565, -0.001589184976182878, -0.08020133525133133, 0.01020018756389618, 0.018104108050465584, 0.01715199649333954, -0.04346105828881264, 0.008085940964519978, -0.0005110594793222845, 0.004508524667471647, -0.010746250860393047, 0.025931017473340034, -0.000946860178373754, -0.008155949413776398, -0.011313316412270069, -0.0034636531490832567, 0.008730015717446804, -0.0007005190127529204, 0.022262591868638992, -0.030327530577778816, -0.0010054920567199588, 0.015765834599733353, 0.004897070117294788, -0.010158182121813297, -0.011558345519006252, 0.001818461692892015, 0.005425631534308195, 0.008211955428123474, -0.03382793813943863, 0.023578744381666183, 0.023816771805286407, 0.01233543548732996, 0.007357856258749962, -0.041136786341667175, 0.011327318847179413, -0.0264210756868124, 4.413111128087621e-06, -0.0028003258630633354, -0.020414376631379128, 0.005768671631813049, 0.028437308967113495, -0.0324837826192379, 0.009073056280612946, 0.003524910192936659, 0.02686912752687931, -0.01607387140393257, -0.02010633982717991, -0.008414979092776775, -0.03472404181957245, 0.027709225192666054, -0.00819095317274332, -0.020484384149312973, -0.00590168684720993, -0.007245843298733234, 0.0001563150726724416, 0.002522043650969863, 0.02496490627527237, -0.01582184061408043, -0.00020575831877067685, 0.0017537041567265987, -0.017656054347753525, 0.006325236055999994, -0.022514620795845985, -0.011467334814369678, -0.026071034371852875, 0.02464286796748638, 0.023564742878079414, 0.006783789489418268, -0.028171278536319733, -0.026995141059160233, 0.008372974582016468, 6.552325066877529e-05, -0.01011617761105299, 0.020428378134965897, -0.021030448377132416, 0.006514258217066526, -0.03332388028502464, -0.017488036304712296, -0.035508133471012115, -0.02672911062836647, 0.003558164229616523, -0.005929690320044756, -0.0024677871260792017, -0.02703714743256569, -0.01240544393658638, -0.008898035623133183, 0.013637587428092957, -0.008456984534859657, -0.014883732423186302, 0.017025981098413467, 0.024754881858825684, -0.03220374882221222, 0.03265180066227913, 0.01684395968914032, 0.004414013586938381, -0.013714596629142761, -0.0014544192235916853, 0.03368791937828064, -0.006766287609934807, -0.011509339325129986, 0.006307734176516533, -0.0054046292789280415, -0.04021267965435982, 0.005681161303073168, -0.08350571990013123, 0.021954555064439774, 0.007441866211593151, -0.005772172007709742, 0.005975195672363043, -0.010872265323996544, 0.012601466849446297, 0.003745435969904065, -0.010571230202913284, -0.007004315033555031, -0.025734994560480118, 0.009605118073523045, -0.01027719583362341, -0.004217991139739752, 0.008225957863032818, -0.008246960118412971, 0.016927970573306084, -0.005268113221973181, 0.014162648469209671, 0.024908898398280144, 0.009892151691019535, 0.009129062294960022, 0.019756300374865532, 0.03043954260647297, -0.015555810183286667, -0.0144776850938797, -0.006472253240644932, 0.006615770049393177, -0.013476568274199963, 0.021366486325860023, 0.01800609566271305, -0.05099393427371979, 0.004900570493191481, 0.014953740872442722, -0.004309001378715038, -0.016773952171206474, -0.0015690575819462538, -0.0015961857279762626, 0.0068818009458482265, 0.04362907633185387, -0.04861365631222725, -0.01426065992563963, -0.01086526457220316, -0.008001931011676788, -0.000294252997264266, 0.010557228699326515, 0.030747579410672188, 0.0042809983715415, 0.004701047204434872, -0.013973626308143139, 0.04430115595459938, 0.011691360734403133, -0.005187603645026684, -0.057966746389865875, -0.004606536123901606, 0.005646157078444958, 0.010732249356806278, -0.008919037878513336, 0.004147982690483332, -0.023452728986740112, 0.029711458832025528, 0.009549111127853394, 0.04155683517456055, 0.009234074503183365, 0.013000513426959515, 0.0009206071263179183, 0.005107094533741474, -0.0021439995616674423, -0.016633935272693634, -0.025959020480513573, -0.013497570529580116, 0.008639005944132805, 0.006143215112388134, 0.01950426958501339, 0.01727801188826561, -0.002555297454819083, -0.018272126093506813, 0.01580783911049366, -0.027653219178318977, -0.0016705694142729044, 0.042340926826000214, -0.007210839074105024, -0.016339901834726334, 0.014799722470343113, 0.018860194832086563, -0.000778840621933341, -0.013847611844539642, 0.027947252616286278, 0.010207188315689564, 0.009388092905282974, -0.006804792210459709, 0.009087057784199715, 0.000317005644319579, -0.0018674673046916723, -0.018076103180646896, 0.026253055781126022, -0.02776523120701313, 0.01492573693394661, 0.03634823113679886, 0.03368791937828064, -0.0008847279823385179, -0.0017309514805674553, -0.0061362143605947495, -0.025777000933885574, -0.04015667364001274, -0.00111575482878834, -0.019826307892799377, -8.641630847705528e-05, -0.00436150748282671, -0.009969159960746765, 0.011502338573336601, 0.006244726944714785, -0.008821026422083378, 0.0105642294511199, -0.029011376202106476, -0.008253960870206356, 0.012286430224776268, -0.014008630067110062, -0.027079151943325996, 0.03332388028502464, -0.005114095285534859, 0.00850598979741335, 0.022962672635912895, 0.002737318631261587, 0.022654637694358826, 0.022794652730226517, 0.027513202279806137, -0.012139412574470043, 0.015457798726856709, -0.034191980957984924, -0.005226108245551586, -0.008155949413776398, -0.015261776745319366, 0.006458251737058163, -0.0156538225710392, -0.007032318506389856, -0.0008764145313762128, -0.008912037126719952, -0.010249192826449871, 0.07572081685066223, 0.029655450955033302, -0.008554995991289616, -0.001636440516449511, -0.03825245052576065, 0.003117112908512354, 0.04239693284034729, -0.006440749857574701, -0.019588280469179153, -0.0399046428501606, -0.014813723973929882, -0.009059054777026176, 0.011145297437906265, -0.022808654233813286, -0.008730015717446804, -0.01101228129118681, -0.013903617858886719, 0.024432843551039696, -0.0004292374651413411, 0.0009066055063158274, 0.01535978727042675, 0.015401792712509632, 0.02128247730433941, 0.007875916548073292, -0.014743716455996037, -0.009192069992423058, 0.01505175232887268, -0.014771719463169575, 0.027121156454086304, -0.027681222185492516, -0.000993240624666214, 0.010893267579376698, -0.028675338253378868, -0.018552159890532494, 0.001100003020837903, -0.007980928756296635, -0.00952810887247324, -0.004834062419831753, 0.03234376385807991, 0.0038854521699249744, 0.017025981098413467, 0.01387561485171318, 0.009990163147449493, 0.008667008951306343, -0.007371858227998018, -0.017095990478992462, -0.024110807105898857, -0.004564531147480011, -0.02082042396068573], metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='416a6338-0cd8-4abd-9bbb-e0ae1b95d6e4', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='5251ed83d994473a7a4c4235e557c051330acf068d836dac0ed9a0fae7501568'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='ca5fec38-c83f-420b-b54f-9ef3c1dcdc57', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='d013e85aa4860edb33106f937e031580eeb9456573cd4f843337520693ffcb53'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='1c85b593-3e0b-4ea0-a77f-59b02b5d88e4', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='cd2bdbbf4d102d568faf41c1e5dd93726275df6b275176dd490136e4e56d2082')}, hash='bb5416c6dd58273289a6694b74e2c7de7a4588a43bcf9417ed6bc33cce480834', text='6, no. 3, pp. 343-367, 1991. ', start_char_idx=7361, end_char_idx=7390, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
466
       " TextNode(id_='1c85b593-3e0b-4ea0-a77f-59b02b5d88e4', embedding=[-0.005669512320309877, 0.018061546608805656, 0.0006716419593431056, -0.011136790737509727, 0.010014045983552933, 0.02087886817753315, -0.0012229897547513247, -0.0030718576163053513, -0.03408680856227875, -0.04652765765786171, 0.01107402890920639, 0.0054358975030481815, -0.005815957207232714, 0.009595632553100586, -0.007364089600741863, 0.004742027726024389, 0.02214805781841278, -0.0006629249546676874, 0.006279699504375458, -0.004710646346211433, -0.02140885964035988, 0.00771974166855216, -0.023263828828930855, -0.029930561780929565, 0.004773408640176058, 0.02188306301832199, 0.02744797058403492, -0.019679414108395576, -0.002416342031210661, -0.013619381934404373, 0.010564958676695824, -0.011994539760053158, -0.007942896336317062, 0.02159017138183117, -0.003779674880206585, -0.001232578419148922, 0.032803673297166824, -0.024170393124222755, 0.03430996462702751, -0.0177407618612051, -0.005020970478653908, 0.0020362823270261288, -0.0014138913247734308, -0.013556620106101036, -0.021715696901082993, -0.0026394962333142757, 0.018228910863399506, -0.0237659253180027, -0.010899689979851246, 0.03877304866909981, 0.024700384587049484, 0.03174369037151337, -0.014323712326586246, 0.005739247892051935, -0.012189799919724464, -0.00845894031226635, 0.008626305498182774, 0.02754560112953186, 0.0019857240840792656, -0.026081150397658348, 0.0006755645736120641, -0.011325077153742313, -0.017796549946069717, 0.002611601958051324, -0.017029456794261932, -0.043431393802165985, -0.02160411886870861, 0.006694626994431019, -0.0011802767403423786, -0.014163319952785969, 0.01156217884272337, 0.024644596502184868, -0.017949968576431274, -0.006025164388120174, 0.043068766593933105, -0.017936021089553833, -0.003908685874193907, 0.005317347124218941, -0.006830611731857061, 0.013703064993023872, -0.007391984108835459, -0.028507953509688377, 0.0034083323553204536, 0.013249782845377922, 0.0019996711052954197, 0.016903933137655258, 0.022831467911601067, 0.014421342872083187, -0.03570467606186867, -0.013988981023430824, 0.034254174679517746, 0.015802109614014626, 0.03291524946689606, -0.017322346568107605, -0.0033403399866074324, 0.012294403277337551, -0.014951333403587341, 0.004431703593581915, 0.019512047991156578, -0.02357066608965397, -0.008926169015467167, 0.005369648803025484, -0.004595582373440266, -0.015732374042272568, -0.006077466066926718, 0.011227447539567947, -0.006091413088142872, 0.0035077056381851435, -0.00890524871647358, 0.014079637825489044, -0.018563643097877502, -0.0004994819173589349, -0.0029201824218034744, -0.014435289427638054, -0.001632687053643167, -0.017336294054985046, 0.02906583994626999, -0.02536984719336033, -0.008598411455750465, -0.01663893833756447, 0.027754807844758034, 0.020125722512602806, 0.02440749481320381, -0.02295699156820774, 0.008124209009110928, 0.004717620089650154, 0.0015838720137253404, -0.02482590824365616, -0.004323613364249468, -0.02861953154206276, 0.03841042146086693, 0.03297103941440582, 0.0073431688360869884, 0.010899689979851246, -0.024700384587049484, 0.02736428752541542, 0.0019926975946873426, -0.023793820291757584, -0.03330576792359352, -0.029010049998760223, 0.00927484780550003, 0.033528923988342285, -0.015355801209807396, -0.013298598118126392, -0.02241305261850357, 0.035146791487932205, 0.007336195558309555, 0.024965379387140274, 0.013117284514009953, -0.021659908816218376, 0.014093584381043911, 0.015188435092568398, -0.006028651259839535, 0.023724084720015526, 0.0076639531180262566, 0.012845315970480442, -0.01110889669507742, 0.020139669999480247, -0.018201017752289772, -0.039386723190546036, -0.02825690433382988, 0.016708673909306526, 0.0118411211296916, -0.011081002652645111, 0.007036332041025162, 0.018117334693670273, 0.005247611086815596, 0.005390569567680359, -0.01944231241941452, -0.02610904537141323, -0.013744906522333622, 0.020237300544977188, -0.026164833456277847, 0.002878340892493725, 0.018033651635050774, -0.0032915249466896057, 0.04348718002438545, 0.009567737579345703, -0.02782454341650009, -0.013019654899835587, -0.013187021017074585, 0.004975642077624798, 0.008026578463613987, 0.02440749481320381, -0.006753902416676283, 0.0037901352625340223, 0.02563484199345112, 0.003401358611881733, 0.017754709348082542, -0.025341952219605446, 0.017085246741771698, 0.02205042727291584, 0.0026726205833256245, 0.007998684421181679, -0.6288486123085022, -0.02177148498594761, 0.019763097167015076, -0.028494006022810936, 0.004986102227121592, -0.0009327149600721896, 0.011792306788265705, 0.029205311089754105, 0.0006472344393841922, 0.033082615584135056, -0.04061407223343849, 0.011848094873130322, -0.0037343467120081186, -0.00806144718080759, -0.021715696901082993, -0.012036381289362907, -0.0011271032271906734, -0.018703114241361618, 0.030572129413485527, 0.008221838623285294, -0.022092269733548164, 0.030711602419614792, 0.0036297431215643883, -0.012970839627087116, 0.00801263190805912, 0.010829954408109188, 0.04058617725968361, -0.030906861647963524, 0.008068419992923737, 0.00645403889939189, -0.03051634132862091, 0.017573395743966103, 0.015983421355485916, 0.025509318336844444, 0.04811763018369675, -0.015788162127137184, -0.019512047991156578, 0.011896910145878792, 0.025328006595373154, 0.02016756311058998, -0.03682044893503189, -0.023696189746260643, -0.00245295325294137, 0.011011267080903053, -0.011443627998232841, 0.014212135225534439, 0.020042039453983307, 0.001718984916806221, -0.021129917353391647, -0.034170493483543396, -0.0022821007296442986, 0.00706771295517683, -0.016583148390054703, 0.009184191934764385, 0.0006594381993636489, -0.014407395385205746, 0.028591636568307877, -0.0062099639326334, 0.00967234093695879, 0.005725300870835781, 0.013389253988862038, -0.0029864313546568155, -0.0008154718088917434, -0.014407395385205746, -0.005394056439399719, 0.02168780192732811, -0.009581685066223145, 0.015048963949084282, -0.02573247253894806, -0.02383566088974476, 0.018507855013012886, 0.015327906236052513, 0.0025645303539931774, -0.006610944401472807, 0.021910956129431725, 0.027252711355686188, 0.02186911553144455, 0.010920610278844833, -0.014937386848032475, -0.009372477419674397, 0.009281821548938751, 0.011227447539567947, -0.0032828080002218485, -0.0036227696109563112, 0.020488347858190536, 0.001357231056317687, -0.037294652312994, 0.005013996735215187, -0.007238565478473902, -0.000971941277384758, 0.014065690338611603, 0.005320833995938301, -0.038019903004169464, -0.04518873244524002, -0.0068933735601603985, 0.007032845169305801, 0.0016788869397714734, 0.00555444834753871, 0.02005598694086075, -0.0392751470208168, -0.016429729759693146, -0.019512047991156578, 0.013947139494121075, -0.00981181301176548, -0.005261558573693037, 0.0028469599783420563, -0.002909722039476037, 0.010097729042172432, 0.007182776927947998, -0.01656920276582241, 0.013570566661655903, 0.0009911186061799526, -0.01030693668872118, 0.018744954839348793, -0.002623805543407798, -0.026680877432227135, 0.047029756009578705, 0.012308350764214993, -0.014867651276290417, 0.002065920038148761, 0.0315205343067646, -0.0033490569330751896, 0.002125195460394025, -0.003258400596678257, 0.012629134580492973, -0.003692505182698369, 0.010488249361515045, -0.021464647725224495, -0.029986349865794182, -0.005247611086815596, 0.02026519365608692, -0.010969425551593304, 0.016136839985847473, -0.019219158217310905, 0.033249981701374054, -0.00887038093060255, 0.005348728038370609, -0.0005099422996863723, -0.0029271559324115515, -0.002072893548756838, -0.031548429280519485, 0.010069834999740124, 0.0031311328057199717, -0.034951530396938324, -0.007050279062241316, -0.005585829261690378, -0.02698771469295025, 0.014839756302535534, -0.006429631263017654, -0.012754659168422222, -0.023556718602776527, -0.00576016865670681, -0.029651619493961334, 0.008584464900195599, -0.0006969211390241981, -0.010076808743178844, -0.001290982123464346, -0.020223353058099747, -0.00805447343736887, -0.02133912406861782, -0.004536306951195002, 0.04429611563682556, -0.009825759567320347, -0.0129150515422225, 0.004592095967382193, -0.01507685799151659, 0.007928948849439621, 0.013926219195127487, 0.03255262225866318, -0.045300308614969254, 0.005523067433387041, -0.021618066355586052, -0.022705944254994392, 0.019567836076021194, -0.009484055452048779, 0.0019159882795065641, -0.0030788311269134283, -0.006875939667224884, -0.006666732951998711, -0.010076808743178844, 0.014093584381043911, 0.009428266435861588, -0.011492443270981312, -0.014909491874277592, 0.03634624555706978, -0.013479910790920258, 0.009281821548938751, -8.564415475120768e-05, -0.011234421283006668, 0.005000049713999033, -0.0011218730360269547, 0.015090805478394032, -0.012113090604543686, 0.0134101752191782, -0.007081659976392984, 0.020376771688461304, -0.005854311864823103, 0.0018671733560040593, -0.015272118151187897, 0.015732374042272568, 0.005090706050395966, 0.0010460354387760162, -0.004442164208739996, -0.010502195917069912, 0.019149422645568848, -0.02790822647511959, 0.00846591405570507, -0.010202332399785519, 0.002627292415127158, 0.006140228360891342, 0.022998834028840065, -0.017587343230843544, -0.02357066608965397, -0.012322298251092434, -0.00265693012624979, 0.015174487605690956, -0.012043355032801628, 0.012573346495628357, -0.015090805478394032, 0.016764461994171143, 0.009191164746880531, -0.013396227732300758, 0.018926268443465233, 0.004027236718684435, -0.007866187021136284, 0.010816006921231747, 0.008751830086112022, 0.030627919360995293, -0.007364089600741863, -0.008947090245783329, -0.0089959055185318, -0.00685850577428937, 0.032162103801965714, -0.0032200459390878677, 0.013354386202991009, -0.004292232450097799, 0.037768855690956116, -0.0065969969145953655, -0.0016605813289061189, 0.0009501489112153649, 0.005122086964547634, 0.008898274973034859, 0.013528725132346153, -0.02799190953373909, -0.0016579661751165986, -0.005272018723189831, 0.01807549223303795, 0.006527261342853308, -0.0005051479674875736, 0.015188435092568398, -0.01808943971991539, 0.029010049998760223, 0.009302741847932339, -0.00020408588170539588, 0.021478595212101936, -0.016889985650777817, 0.009442213922739029, 0.011290209367871284, 0.02735034003853798, 0.03305472061038017, 0.011799280531704426, -0.0044630845077335835, 0.032162103801965714, -0.014839756302535534, 0.015467378310859203, -0.05913587287068367, -1.0725949323386885e-05, 0.0070467921905219555, 0.012894130311906338, -0.006464499048888683, -0.0018741468666121364, -0.00930971559137106, -0.006698113866150379, -0.014770020730793476, 0.0029620237182825804, 0.006318054161965847, 0.014728179201483727, -0.028145328164100647, 0.0229430440813303, 0.016778409481048584, -0.04002829268574715, -0.012622161768376827, 0.014546866528689861, 0.011959671974182129, 0.004431703593581915, 0.0022106217220425606, -0.014742126688361168, 0.017085246741771698, -0.03584414720535278, -0.005258071701973677, 0.002785941120237112, 0.005404516588896513, 0.006970082875341177, -0.025355899706482887, -0.005484712775796652, -0.0070467921905219555, 0.014993174932897091, 0.008584464900195599, 0.00555793521925807, 0.015495272353291512, 0.014365553855895996, -0.006290160119533539, -0.01075324509292841, -0.004595582373440266, 0.044854000210762024, -0.01987467333674431, -0.009435240179300308, -0.023277776315808296, -0.0059902966022491455, -0.014295818284153938, 0.006628378294408321, 0.004550254438072443, 0.007116528227925301, 0.019595731049776077, 0.02086492069065571, 0.009951284155249596, -0.011736517772078514, 0.015551060438156128, 0.038549892604351044, 0.00028635220951400697, -0.008396178483963013, -0.021018339321017265, -0.0030073518864810467, 0.023961186408996582, 0.03492363914847374, 0.03241315111517906, -0.00510465307161212, 0.008563543669879436, -0.010781139135360718, -0.0057287877425551414, -0.026862191036343575, 0.01066956203430891, 0.011750465258955956, 0.007726715411990881, -0.02429591678082943, -0.013445043005049229, 0.016150787472724915, 0.007935922592878342, 0.04066985845565796, 0.005240637809038162, 0.004755974747240543, -0.02716902829706669, -0.0008276755688712001, 0.010955478064715862, -0.01103218737989664, -0.011848094873130322, -0.002873110817745328, 0.0059798359870910645, -0.009581685066223145, -0.020544135943055153, 0.035230476409196854, 0.009295769035816193, 0.007095607463270426, -0.03238525986671448, -0.011889936402440071, 0.012657029554247856, 0.022371212020516396, 0.012719791382551193, -0.011799280531704426, 0.029930561780929565, 0.020948603749275208, 0.029400570318102837, 0.026945874094963074, -0.01880074478685856, 0.025830103084445, 0.0016230983892455697, 0.01648551970720291, 0.02150649018585682, -0.003716912819072604, 0.0058368779718875885, 0.0072594862431287766, 0.02870321273803711, -0.01736418902873993, -0.018117334693670273, 0.006799230817705393, -0.015258170664310455, -0.02033492922782898, -0.020572030916810036, -0.0033821812830865383, -0.01193177793174982, -0.012482689693570137, -0.014560814015567303, -0.006297133397310972, -0.04066985845565796, 0.0025575568433851004, -0.0038842784706503153, 0.005603263154625893, -0.010767191648483276, -0.014051742851734161, -0.005969375837594271, -0.03249683603644371, -0.00711304135620594, -0.014658443629741669, -0.0022664102725684643, 0.006586536765098572, -0.006694626994431019, -0.023166198283433914, -0.005254584830254316, 0.006171609275043011, 0.016987616196274757, 0.016332101076841354, 0.0011488955933600664, -0.031102120876312256, 0.015132647007703781, -0.022664101794362068, -0.010557984933257103, -0.009539843536913395, -0.019930463284254074, 0.01107402890920639, -0.013047548942267895, -0.02962372452020645, -0.0035739545710384846, -0.0068550193682312965, -0.01972125470638275, 0.005394056439399719, -0.025090904906392097, -0.0006359023973345757, -0.01152731105685234, 0.030209504067897797, -0.003233992960304022, 0.01205730251967907, 0.022733837366104126, 0.013870430178940296, -0.004787355661392212, 0.004640910774469376, 0.008744856342673302, -0.00809631496667862, -0.0050314306281507015, 0.030042139813303947, 0.009888522326946259, -0.0016858605667948723, 0.006792257074266672, 0.004696699324995279, -0.015230276621878147, 0.029763195663690567, -0.013668197207152843, 0.005613723769783974, -0.0026325227227061987, 0.01935862936079502, 0.02753165364265442, 0.028187168762087822, 0.0032601437997072935, 0.024867750704288483, -0.019009951502084732, -0.015899740159511566, 0.0007078173221088946, 0.0015446457546204329, 0.009121429175138474, -0.005868258886039257, 0.02817322127521038, -0.026248516514897346, -0.00922603253275156, -0.027336394414305687, 0.010962451808154583, -0.01147152204066515, 0.01942836493253708, 0.011820200830698013, -0.0037099390756338835, -0.03252473101019859, -0.013633329421281815, -0.008403151296079159, -0.009588658809661865, -0.0358162559568882, -0.024895643815398216, 0.006077466066926718, -0.007217644713819027, 0.011743491515517235, 0.0024093682877719402, -0.028047697618603706, -0.02152043581008911, -0.0267366673797369, 0.006586536765098572, 0.020725449547171593, 0.02241305261850357, -0.004076051525771618, 0.018479960039258003, 0.002714462112635374, -0.02690403163433075, -0.011373892426490784, 0.006189043167978525, -0.0062099639326334, 0.02959582954645157, 0.021394912153482437, 0.00797079037874937, 0.025174587965011597, -0.00490241963416338, 0.004811763297766447, 0.03015371598303318, 0.009351557120680809, 0.001080903341062367, -0.0015594646101817489, -0.013403201475739479, -0.008089341223239899, 0.0050802454352378845, 0.03238525986671448, -0.007371063344180584, 0.018507855013012886, 0.016220523044466972, 0.017336294054985046, 0.01970730908215046, 0.009205112233757973, -0.011255341582000256, 0.0027040017303079367, -0.06677890568971634, 0.0036611242685467005, -0.013926219195127487, 0.00022664101561531425, 0.014895545318722725, -0.038745153695344925, -0.034170493483543396, 0.005376622546464205, 0.002559300046414137, 0.017308400943875313, -0.00571832712739706, 0.021813325583934784, -0.001261344412341714, 0.01029996294528246, 0.02440749481320381, 0.03104633279144764, -0.025272216647863388, 0.012043355032801628, -0.029121628031134605, -0.0017468791920691729, 0.008528675884008408, -0.014351606369018555, 0.022106217220425606, 0.002235029125586152, -0.004201575648039579, 0.0038982254918664694, 0.014463183470070362, -0.009979178197681904, -0.00989549607038498, -0.0015760267851874232, 0.0006834098603576422, -0.008765777572989464, -0.02259436622262001, -0.019651519134640694, 0.005833391100168228, -0.019818885251879692, -0.0016588378930464387, -0.01373095903545618, 0.006450552027672529, -0.02421223372220993, -0.002721435623243451, 0.023821715265512466, 0.016624990850687027, 0.04256667196750641, -0.014107531867921352, 0.0230267271399498, 0.02825690433382988, -0.015341853722929955, -0.019693361595273018, 0.03606730327010155, 0.008619332686066628, 0.0008159076678566635, 0.024337759241461754, 0.022343317046761513, -0.04596977308392525, -0.03682044893503189, 0.005341754294931889, -0.011269289068877697, -0.0008533906075172126, -0.041897207498550415, 0.026499565690755844, 0.020934656262397766, 0.00048074047663249075, -0.02654140628874302, -0.0033630039542913437, -0.034867849200963974, 0.03347313404083252, 0.012643082067370415, 0.014546866528689861, 0.0009039489668793976, -0.00711304135620594, -0.001799180987291038, 0.023277776315808296, 0.00735711632296443, 0.04811763018369675, 0.002967254025861621, -0.015369747765362263, 0.023445142433047295, -0.006726007908582687, -0.002416342031210661, 0.01119955349713564, -0.012217693962156773, 0.032162103801965714, -0.016987616196274757, -0.0076500060968101025, 0.031464748084545135, 0.0078034247271716595, 0.010509169660508633, 0.0029254124965518713, 0.015634743496775627, 0.03606730327010155, -0.02196674421429634, -0.019916515797376633, -0.01196664571762085, -0.009470107965171337, 0.019693361595273018, 0.007510534953325987, -0.0037622409872710705, -0.025871943682432175, -0.010634694248437881, -0.01944231241941452, 0.018521800637245178, -0.00706422608345747, 0.01800575666129589, 0.009874574840068817, -0.004647884517908096, -0.011848094873130322, -0.02647167071700096, -0.010244173929095268, -0.0003748293675016612, -0.04956813529133797, -0.022705944254994392, 0.0057776025496423244, -0.013612408190965652, -0.006921268068253994, -0.0015150080434978008, -0.026262464001774788, 0.0239332914352417, 0.017238665372133255, -0.020125722512602806, 0.012629134580492973, 0.03294314444065094, 0.012733738869428635, -0.04382191225886345, -0.008542623370885849, -0.01408661063760519, -0.01988862082362175, 0.02797796204686165, -0.009107482619583607, -0.031548429280519485, 0.0017512377817183733, 0.0032810645643621683, 0.012705843895673752, 0.01408661063760519, -0.004515386652201414, 0.011192579753696918, 0.0027371260803192854, 0.003193895099684596, -0.013026628643274307, -0.023431194946169853, 0.029930561780929565, -0.020125722512602806, 0.0064400918781757355, 0.018563643097877502, -0.010934557765722275, 0.02771296724677086, -0.02152043581008911, -0.0010242430726066232, -0.006332001648843288, -0.04331981763243675, -0.020000198855996132, -0.0036227696109563112, 0.0063459486700594425, 0.00832644198089838, -0.014700285159051418, -0.005292939487844706, 0.011464549228549004, -0.02034887671470642, 0.019191265106201172, -0.003286294871941209, -0.0036820448003709316, 0.013661223463714123, 0.012252562679350376, -0.010955478064715862, -0.005303399637341499, -0.015983421355485916, -0.01147152204066515, 0.017489712685346603, 0.01457476057112217, -0.03916356712579727, -0.004525846801698208, 0.016541307792067528, 0.03941461816430092, 0.0119248041883111, -0.027559548616409302, -0.02654140628874302, -0.006077466066926718, -0.04005618393421173, -0.016039211302995682, -0.0074477726593613625, 0.004490979015827179, 0.0015446457546204329, 0.013005707412958145, -0.0033107022754848003, 0.02034887671470642, -0.014867651276290417, -0.0027336394414305687, -0.0069387019611895084, -0.012977813370525837, 0.00021334765187930316, 0.014191214926540852, 0.007189750671386719, 0.0035948753356933594, -0.03679255396127701, 0.005850824993103743, -0.009574711322784424, 0.009539843536913395, -0.015495272353291512, 0.012942945584654808, -0.015383695252239704, -0.008514728397130966, -0.009574711322784424, 0.0055753691121935844, 0.002358810044825077, -0.008486834354698658, -0.0036402035038918257, -0.03007003292441368, -0.006422657985240221, -0.0011366918915882707, 0.005829904228448868, -0.025090904906392097, 0.0007283022277988493, 0.005041890777647495, -0.00535918865352869, 0.0023849608842283487, -0.017489712685346603, -0.016401836648583412, 0.019512047991156578, -0.01556500792503357, 0.025035114958882332, -0.004027236718684435, 0.010097729042172432, 0.04624871537089348, -0.005571882240474224, 0.00616812240332365, -0.011415733955800533, -0.012601240538060665, -0.03394733741879463, 0.006171609275043011, 0.005376622546464205, -0.016136839985847473, 0.0027685072273015976, -0.0017677999567240477, 0.0004724593600258231, 0.004518873058259487, -0.00445611122995615, 0.006527261342853308, -0.01970730908215046, -0.012580320239067078, 0.018744954839348793, -0.0015280834631994367, -0.019009951502084732, -0.007768556941300631, -0.016583148390054703, 0.005735761020332575, 0.006935215089470148, 0.00621345080435276, -0.012364139780402184, -0.02015361748635769, -0.004710646346211433, 0.004431703593581915, 0.0008786697871983051, -0.00666324608027935, 0.0035373433493077755, 0.006603970658034086, 0.0026447263080626726, 0.018145227804780006, 0.18276332318782806, -0.006942188832908869, 0.02870321273803711, 0.003213072195649147, 0.007329221814870834, -0.01408661063760519, 0.045244522392749786, 0.002937616314738989, 0.007043305318802595, -0.011234421283006668, 0.0028626504354178905, 0.019372576847672462, -0.028410322964191437, -3.8654281524941325e-05, 0.02754560112953186, -0.031018437817692757, -0.055202778428792953, -0.035063110291957855, -0.018117334693670273, 0.007733689155429602, -0.012231641449034214, 0.002257693326100707, -0.011143764480948448, -0.03509100526571274, 0.016499465331435204, -0.023710137233138084, -0.03138106316328049, -0.00665975920855999, 0.01781049743294716, 0.004149273969233036, -0.015969475731253624, -0.008765777572989464, 0.02690403163433075, -0.010564958676695824, -0.009595632553100586, -0.002968997461721301, 0.03626256436109543, 0.023166198283433914, 0.014449236914515495, 0.022705944254994392, -0.012935971841216087, -0.03768517076969147, 0.0030526802875101566, -0.0021217085886746645, 0.010104702785611153, 0.008138155564665794, -0.01627631112933159, 0.015732374042272568, -0.0009396885288879275, -0.003518166020512581, -0.022301476448774338, -0.005774115677922964, 0.029316887259483337, 0.03573257103562355, -0.023807767778635025, -0.0036959920544177294, -0.010829954408109188, 0.021841220557689667, -0.013954113237559795, 0.008661173284053802, -0.032078422605991364, 0.0016239701071754098, 0.03157632425427437, 0.004069077782332897, -0.006586536765098572, 0.009009852074086666, -0.01629025861620903, 0.009079587645828724, 0.007426851894706488, 0.006464499048888683, 0.006621404550969601, -0.015857897698879242, -0.007538428995758295, 0.004480518400669098, -0.044686634093523026, -0.017782602459192276, 0.03386365622282028, 0.004145787097513676, -0.020544135943055153, 0.03988881781697273, 0.0007579398807138205, 0.015230276621878147, -0.002967254025861621, 0.01385648362338543, -0.017963916063308716, -0.05659749358892441, -0.01098337210714817, -0.0035129357129335403, -0.008807619102299213, -0.02277567982673645, -0.016262365505099297, 0.022803572937846184, -0.013668197207152843, -0.005115113686770201, 0.010090755298733711, 0.006485419813543558, 0.012901104055345058, -0.0017712867120280862, -0.012615188024938107, 0.011506389826536179, -0.020850973203778267, 0.03860568255186081, 0.023989079520106316, -0.0020572030916810036, -0.014951333403587341, -0.005027943756431341, 0.0013336952542886138, 0.0014853703323751688, 0.01246176939457655, 0.015216329135000706, -0.0009039489668793976, -0.034505221992731094, -0.0129150515422225, -0.015495272353291512, -0.0021565763745456934, 0.021185705438256264, 0.011743491515517235, -0.01430976577103138, -0.004393348935991526, -0.011666782200336456, 0.015509218908846378, -0.008193944580852985, 0.005442871246486902, 0.029540041461586952, -0.005784576293081045, 0.025174587965011597, -0.022803572937846184, -0.00022664101561531425, -0.014965280890464783, -0.027699019759893417, 0.023542771115899086, -0.010111676529049873, 0.010481275618076324, 0.0013101594522595406, 0.00971418246626854, -0.014030822552740574, -0.019735202193260193, -0.006712060887366533, -0.015983421355485916, 0.00018327412544749677, 0.0022768706548959017, -0.011352972127497196, 0.005704380106180906, 0.02025124616920948, 0.0038947388529777527, -0.011534284800291061, 0.004239930305629969, 0.01656920276582241, 0.010313909500837326, -0.033445242792367935, 0.004961695056408644, -0.023166198283433914, 0.006220424082130194, -0.015871845185756683, 0.0238496083766222, 0.0024913079105317593, -0.004850117955356836, -0.037657275795936584, -0.003300241893157363, 0.009219059720635414, -0.03601151332259178, 0.017071299254894257, 0.04382191225886345, -0.01825680583715439, 0.00192993541713804, -0.004361968021839857, -0.1794160008430481, 0.012440848164260387, 0.028117433190345764, -0.03140895813703537, 0.008633279241621494, 0.028563741594552994, 0.016903933137655258, -0.0009126659715548158, 0.002914952114224434, -0.007866187021136284, 0.01507685799151659, 0.0006568231037817895, 0.008068419992923737, -0.019860727712512016, -0.005746221635490656, 0.018396276980638504, 0.022022534161806107, 0.01057890523225069, 0.014121479354798794, 0.012182826176285744, -0.004138813819736242, -0.017168929800391197, 0.013507804833352566, 0.020139669999480247, -0.022789625450968742, 0.02132517658174038, -0.021534383296966553, 0.016332101076841354, -0.01726655848324299, -0.005425437353551388, 0.014825809746980667, -0.013047548942267895, 0.00976997148245573, 0.0024355193600058556, -0.012308350764214993, 0.013340438716113567, -0.01620657555758953, 0.0038424369413405657, 0.0018915808759629726, 0.04337560385465622, 0.01719682291150093, 0.013891351409256458, 0.016527360305190086, 0.0006276213098317385, -0.026387987658381462, -0.011087976396083832, 0.024546965956687927, -0.007810398004949093, -0.005627670791000128, -0.011617966927587986, -0.01645762473344803, -0.009881548583507538, 0.03453311696648598, 0.004079538397490978, 0.0010695712408050895, 0.012691897340118885, 0.014728179201483727, 0.009944310411810875, 0.015411589294672012, -0.013633329421281815, -0.03394733741879463, -0.012587293982505798, 0.00972115620970726, -0.01620657555758953, 0.008828539401292801, -0.035314157605171204, -0.01629025861620903, -0.01471423264592886, -0.03447733074426651, -0.002923669060692191, -0.013982007279992104, -0.01511869952082634, 0.011457575485110283, 0.002634265925735235, 0.01818707026541233, 0.014993174932897091, -0.0039644744247198105, -0.005331294145435095, 0.0009518922888673842, 0.011827174574136734, -0.013870430178940296, 0.03988881781697273, 0.007085146848112345, -0.0076011912897229195, 0.012489663437008858, -0.021715696901082993, -0.014337659813463688, -0.019832832738757133, 0.004086512140929699, 0.006708574015647173, 0.006684166844934225, -0.00805447343736887, 0.006108846981078386, -0.017601290717720985, 0.02061387337744236, -0.013758853077888489, 0.007336195558309555, -0.007454745937138796, 0.01808943971991539, -0.009539843536913395, -0.004926827270537615, -0.004762948025017977, -0.030711602419614792, -0.014379501342773438, 0.05308281257748604, 0.018145227804780006, -0.011053108610212803, -0.013458989560604095, 0.02239910699427128, -0.021464647725224495, -0.019832832738757133, 0.016067104414105415, 0.01637394167482853, -4.1609873733250424e-06, -0.005676486063748598, 0.02906583994626999, -0.0029846879187971354, -0.03283156827092171, 0.022078322246670723, -0.018201017752289772, 0.048647623509168625, -0.000417106639361009, -0.026304304599761963, -0.014156347140669823, 0.012113090604543686, 0.0017582112923264503, -0.08959642797708511, -0.0006825381424278021, 0.01980493776500225, 0.018884427845478058, -0.03891251981258392, 0.00926787406206131, -0.0048780119977891445, 0.0034501736517995596, -0.004986102227121592, 0.03414259850978851, -0.012538478709757328, -0.008612358942627907, -0.009030773304402828, -0.0002946333261206746, 0.0030526802875101566, -0.017517607659101486, 0.014881597831845284, -0.03528626263141632, -0.0057776025496423244, 0.01917731761932373, 0.017573395743966103, 0.0004968668799847364, -0.014149373397231102, -0.003462377469986677, 0.0022890742402523756, 0.012949919328093529, -0.04446348175406456, 0.02152043581008911, 0.014602655544877052, 0.010348777286708355, 0.005027943756431341, -0.03877304866909981, 0.009212085977196693, -0.022915150970220566, -0.015802109614014626, -0.0011061824625357985, -0.023431194946169853, 0.015007122419774532, 0.01997230388224125, -0.020460454747080803, 0.010941531509160995, 0.014951333403587341, 0.0250072218477726, -0.009553791023790836, -0.009560763835906982, -0.01368214376270771, -0.032078422605991364, 0.035397838801145554, -0.008312495425343513, -0.027768755331635475, -0.009972204454243183, -0.031269486993551254, -0.021311229094862938, -0.004337560385465622, 0.024337759241461754, -0.021450700238347054, -0.0020850973669439554, 0.011910857632756233, -0.01772681437432766, -0.00027654561563394964, -0.026415882632136345, 0.003929606638848782, -0.017433924600481987, 0.026332199573516846, 0.024979326874017715, 0.01543948333710432, -0.027420077472925186, -0.02979109063744545, 0.014881597831845284, -0.006014703772962093, -0.009037746116518974, 0.025035114958882332, -0.019763097167015076, 0.006495880428701639, -0.027852438390254974, -0.022440947592258453, -0.01945625990629196, -0.02698771469295025, 0.0060983868315815926, -0.011980593204498291, -0.00486057810485363, -0.021088074892759323, -0.012127038091421127, -0.0028626504354178905, 0.00044848769903182983, -0.015537113882601261, -0.01783839240670204, 0.017168929800391197, 0.014993174932897091, -0.03868936374783516, 0.03238525986671448, 0.006464499048888683, -0.004152760840952396, -0.018117334693670273, 0.0009841450955718756, 0.02979109063744545, -0.006830611731857061, -0.005721813999116421, 0.02044650726020336, -0.006816664710640907, -0.04259456321597099, 0.008438019081950188, -0.07464509457349777, 0.02951214835047722, 0.003591388463973999, -0.01426095049828291, -0.002017104998230934, -0.026569301262497902, 0.00535918865352869, 0.006837585009634495, -0.006792257074266672, 0.0057915495708584785, -0.03177158534526825, 0.012538478709757328, -0.010446407832205296, -0.008974984288215637, -0.0005047121085226536, -0.007364089600741863, 0.026304304599761963, 0.004337560385465622, 0.01413542591035366, 0.023235933855175972, 0.005948455072939396, 0.010390618816018105, 0.011534284800291061, 0.025830103084445, -0.011855068616569042, -0.0054812259040772915, -0.012078222818672657, 0.0110182398930192, -0.007085146848112345, 0.00801263190805912, 0.017517607659101486, -0.05210651457309723, -0.0005740119959227741, 0.01290807779878378, 0.00796381663531065, -0.008319469168782234, 0.0015394155634567142, 0.0009850166970863938, 0.009567737579345703, 0.04465874284505844, -0.050181809812784195, -0.017141034826636314, -0.012475716881453991, -0.007336195558309555, -0.007053765933960676, 0.021367017179727554, 0.03528626263141632, -0.0016527361003682017, 0.00795684289187193, -0.012266509234905243, 0.04903814196586609, 0.013919245451688766, -0.004093485418707132, -0.05902429670095444, -0.016876038163900375, 0.01627631112933159, 0.0085007818415761, -0.004958208184689283, 0.00576016865670681, -0.00980483926832676, 0.0354815237224102, 0.00836828351020813, 0.03891251981258392, 0.001160227693617344, 0.010864822193980217, -0.008577491156756878, 0.005596289876848459, 0.002437262563034892, -0.0240169744938612, -0.023431194946169853, -0.012364139780402184, 0.003267117543146014, 0.0036402035038918257, 0.030627919360995293, 0.019651519134640694, -0.0005574497627094388, -0.012789526954293251, 0.018842585384845734, -0.0247561726719141, 0.015592901967465878, 0.038940414786338806, -0.009790891781449318, -0.016499465331435204, 0.009888522326946259, 0.016694726422429085, -0.009023799560964108, -0.0259137861430645, 0.010160490870475769, 0.010509169660508633, 0.015495272353291512, -0.01165283564478159, 0.012677949853241444, 0.0029986349400132895, 0.004142300691455603, -0.007071199826896191, 0.03659729287028313, -0.02350093051791191, 0.013068470172584057, 0.04203667864203453, 0.031464748084545135, 0.005986809730529785, 2.062106432276778e-05, -0.005477739032357931, -0.024435387924313545, -0.02672271989285946, -0.0031590270809829235, -0.027573494240641594, 0.00011157711560372263, 0.003111955476924777, -0.015592901967465878, 0.018968110904097557, 0.0046304501593112946, -0.011339024640619755, 0.003387411590665579, -0.038019903004169464, 0.0047350539825856686, 0.00682015111669898, -0.018061546608805656, -0.03391944244503975, 0.040920909494161606, -0.009121429175138474, 0.000283083354588598, 0.026583248749375343, -0.00046679333900101483, 0.02845216542482376, 0.02539774216711521, 0.027406129986047745, -0.006422657985240221, 0.02962372452020645, -0.03266420215368271, 0.010697456076741219, -0.006652785465121269, -0.004578148480504751, 0.006959622725844383, -0.014560814015567303, -0.009993125684559345, 0.008654200471937656, -0.006126281339675188, -0.011715597473084927, 0.09656999260187149, 0.03422627970576286, -0.0009126659715548158, 0.003947040531784296, -0.038577787578105927, 0.014602655544877052, 0.0480339489877224, -0.013982007279992104, -0.018968110904097557, -0.03782464191317558, -0.016666831448674202, -0.00530688650906086, 0.0027301525697112083, -0.027964014559984207, -0.008403151296079159, -0.002878340892493725, -0.018382329493761063, 0.024240128695964813, 0.00791500136256218, 0.005537014454603195, 0.005812470335513353, 0.023905398324131966, 0.02251068316400051, 0.0115133635699749, -0.013131232000887394, -0.0013685630401596427, 0.0089122224599123, -0.012733738869428635, 0.020683608949184418, -0.03294314444065094, 0.002613345393911004, 0.012733738869428635, -0.031994737684726715, -0.01701551117002964, -0.004034209996461868, -0.008424072526395321, -0.011422707699239254, 0.00024233154545072466, 0.03651361167430878, -0.005219717044383287, 0.03238525986671448, 0.02440749481320381, 0.003200868610292673, -0.004637423902750015, -0.004309666343033314, -0.02170174941420555, -0.01746181957423687, -0.009797865524888039, -0.022901203483343124], metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='73cdc09e-420e-431c-9e55-e948e7464da7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='27db942e3c161f4d37ac6cd774c3752a8e7c6dd74baf8c15171c24b222f8bcce'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='4110b724-2b3a-4b77-a4e4-f5b6b5a38325', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '12', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='c9ca3468dc963e2b6dc4c5199556fd6348deec4e8132065bbd7fecf8cd0e3f9a'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='1f5869fe-3b2e-4025-908d-e92d46faa944', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='f2c98cc1dcedcc4f7a8354ac9d711661ca03c7ef887abbd4dd13135130120e6a')}, hash='5985e02dfffca85d682d346eb9fd00f3db7905a93c2eab7b8c7829e0b53d94be', text='AUTHOR ET AL.: TITL E 13 [49] L. Boytsov and B. Naidan, \"Engineering Efficient and Effe ctive Non-metric Space Library,\" in Similarity Search and Applications : Springer, 2013, pp. 280-293. [50] L. Boytsov and B. Naidan, \"Learning to prune in metric and non-metric spaces,\" in Advances in Neural Information Processing Systems , 2013, pp. 1574-1582. [51] A. Andoni and I. Razenshteyn, \"Optimal Data-Dependent Hashing for Approximate Near Neighbors,\" presented at the Proceedings of the Forty-Seventh Annual ACM on Symposium on Theory of Computing, Portland, Oregon, USA, 2015. [52] J. Pennington, R. Socher, and C. D. Manning, \"Glove: Global vectors for word representation,\" Proceedings of the Empiricial Methods in Natural Language Processing (EMNLP 2014), vol. ', start_char_idx=0, end_char_idx=764, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
467
       " TextNode(id_='1f5869fe-3b2e-4025-908d-e92d46faa944', embedding=[-0.014913980849087238, 0.025162991136312485, 0.0012254251632839441, -0.01130733173340559, 0.01753193512558937, 0.015624170191586018, -0.001264589955098927, 0.004696302581578493, -0.03601078689098358, -0.0535287968814373, 0.013960098847746849, 0.013047992251813412, -0.0005404751282185316, 0.01141873374581337, -0.012825188226997852, -0.0013289944035932422, 0.016905296593904495, -0.004188029561191797, 0.003899079980328679, -0.004950439091771841, -0.03113693930208683, 0.00840391032397747, -0.018520629033446312, -0.028797490522265434, 0.007192410062998533, 0.026931501924991608, 0.032000306993722916, -0.02455027773976326, 0.0007806863286532462, -0.022976720705628395, 0.01849277876317501, -0.018590256571769714, -0.00668761832639575, 0.011752940714359283, -0.002877312246710062, -0.00949704460799694, 0.024480652064085007, -0.030552076175808907, 0.029020294547080994, -0.00546219339594245, 0.002250674180686474, -0.004236767999827862, -0.009879990480840206, -0.004184548277407885, -0.006572735030204058, -0.005110580008476973, 0.02141708880662918, -0.029772261157631874, -0.005194131750613451, 0.043140534311532974, 0.024508502334356308, 0.03431190550327301, -0.010074944235384464, -0.006722431629896164, 0.002431703032925725, -0.007268999237567186, -0.002696283394470811, 0.03798817843198776, 0.003054859582334757, -0.031192639842629433, -0.0007872137939557433, -0.00747091555967927, -0.01849277876317501, 0.012449204921722412, -0.016362210735678673, -0.03261302039027214, -0.023491956293582916, 0.01056929212063551, 0.004090552683919668, -0.015902675688266754, 0.014510147273540497, 0.018868761137127876, -0.017086325213313103, -0.0029591231141239405, 0.046287648379802704, -0.018283899873495102, -0.005127986427396536, 0.0103534497320652, -0.0097268121317029, 0.01774081401526928, -0.007108858320862055, -0.03113693930208683, 0.005695441737771034, 0.008696340955793858, 0.003961743786931038, 0.014252529479563236, 0.03060777857899666, 0.022238681092858315, -0.032919373363256454, -0.0015631132991984487, 0.031192639842629433, 0.021556342020630836, 0.03141544386744499, -0.020233439281582832, -0.013396124355494976, 0.014649400487542152, -0.013688555918633938, 0.008619751781225204, 0.012233363464474678, -0.02818477898836136, -0.011432659812271595, 0.0074639529921114445, -0.0005866026622243226, -0.008682415820658207, -0.007742458954453468, 0.0038364161737263203, -0.014454446732997894, 0.0026440636720508337, -0.008250731974840164, 0.023255227133631706, -0.014036688022315502, 0.013277759775519371, -0.006060980726033449, -0.009079285897314548, -0.003199334256350994, -0.022712141275405884, 0.03258517012000084, -0.022308306768536568, -0.0033542532473802567, -0.029967214912176132, 0.013946173712611198, 0.015512768179178238, 0.010088869370520115, -0.027279634028673172, 0.015958378091454506, 0.0194257739931345, -0.013208133168518543, -0.03205600753426552, -0.004724153317511082, -0.024383174255490303, 0.028797490522265434, 0.02943805418908596, 0.011801679618656635, 0.009448306635022163, -0.02890889346599579, 0.02993936464190483, -0.002946938620880246, -0.026082059368491173, -0.034673962742090225, -0.028296180069446564, 0.003493505995720625, 0.02524654194712639, -0.007651944644749165, -0.016598939895629883, -0.022656438872218132, 0.02484270930290222, -0.001091394224204123, 0.011739015579223633, 0.010144570842385292, -0.01473295222967863, 0.013333461247384548, 0.007958300411701202, -0.005552707705646753, 0.03266872093081474, 0.021974099799990654, 0.003476099343970418, -0.0025396239943802357, 0.023547658696770668, -0.0133752366527915, -0.04470016807317734, -0.01872950978577137, 0.01629258506000042, 0.005712848622351885, -0.009079285897314548, 0.019578952342271805, 0.012588458135724068, 0.014134164899587631, 0.011961820535361767, -0.01020723395049572, -0.0157773494720459, -0.0006775521906092763, 0.025622526183724403, -0.0315546989440918, 0.003547466592863202, 0.011230742558836937, -0.02094363048672676, 0.04890560358762741, 0.015108934603631496, -0.034701813012361526, -0.014524073339998722, -0.010994013398885727, 0.0021914918906986713, 0.0033472904469817877, 0.014252529479563236, -0.0058346944861114025, 0.004194992128759623, 0.030802732333540916, -0.00935779232531786, 0.005169762298464775, -0.030301421880722046, 0.015401366166770458, 0.011460510082542896, -0.0007754643447697163, 0.00413580983877182, -0.6251896023750305, -0.02409074455499649, 0.012330840341746807, -0.034423306584358215, -0.0015143748605623841, 0.0017928804736584425, 0.012511868961155415, 0.02112465910613537, 0.01168331503868103, 0.026834025979042053, -0.029605157673358917, 0.0028390176594257355, -0.0072341859340667725, -0.0011975745437666774, -0.024424951523542404, -0.01630651019513607, 0.00583121320232749, -0.021347463130950928, 0.01995493471622467, 0.011613688431680202, -0.013215095736086369, 0.020720824599266052, -0.001703236484900117, -0.0017397904302924871, 0.00040644427645020187, 0.01673819310963154, 0.02459205500781536, -0.03495246544480324, 0.019328296184539795, 0.014182903803884983, -0.02747458778321743, 0.02311597391963005, 0.014468371868133545, 0.01992708444595337, 0.04676111042499542, -0.01021419744938612, -0.011704202741384506, 0.004369058180600405, 0.03336498513817787, 0.03308647871017456, -0.039046499878168106, -0.022753916680812836, 0.002790279220789671, 0.009162837639451027, -0.018771285191178322, 0.019119417294859886, 0.015902675688266754, 0.011411771178245544, -0.015735572203993797, -0.023742612451314926, -0.0016048891702666879, 0.0005709367105737329, -0.01872950978577137, 0.005006140097975731, 0.0001668858458288014, -0.010311674326658249, 0.02358943410217762, -0.019773906096816063, 0.014412670396268368, 0.0017693815752863884, 0.01826997473835945, -0.0013246427988633513, 0.00040796733810566366, -0.01654323935508728, -0.015958378091454506, 0.02285139448940754, -0.011216817423701286, 0.01651538908481598, -0.01545706670731306, -0.01875736005604267, 0.021946249529719353, 0.016403986141085625, 0.00827161967754364, 0.0037876777350902557, 0.024160370230674744, 0.027892347425222397, 0.016710342839360237, 0.012853038497269154, -0.019049791619181633, -0.008132366463541985, 0.006732875481247902, 0.012846075929701328, -0.007053157314658165, -0.0011601503938436508, 0.016919221729040146, 0.002727615414187312, -0.04347474128007889, -0.0031732243951410055, -0.012922665104269981, -0.0034917653538286686, 0.010757283307611942, -0.011223779991269112, -0.027767019346356392, -0.04163660481572151, 0.002130568725988269, 0.008306432515382767, -0.0029138659592717886, 0.004755484871566296, 0.02356158383190632, -0.04603699594736099, -0.01555454358458519, -0.007157596759498119, 0.0019843531772494316, -0.009434380568563938, 0.005723292473703623, 0.004396908916532993, -0.0004314662655815482, 0.0059565408155322075, 0.013813883066177368, -0.010959199629724026, 0.012797337025403976, -0.005326421931385994, -0.005556188989430666, 0.013089768588542938, 0.0063081542029976845, -0.028254404664039612, 0.039464257657527924, 0.012010558508336544, -0.022196905687451363, 0.003147114533931017, 0.03110908716917038, 0.0010600623209029436, 0.0033455498050898314, -0.007547504734247923, 0.011209854856133461, -0.012950515374541283, 0.0018033244414255023, -0.021236060187220573, -0.02506551332771778, -0.011697240173816681, 0.024452801793813705, -0.011613688431680202, 0.01226121373474598, -0.01019330881536007, 0.02404896914958954, -0.0008855611085891724, 0.007944375276565552, 0.000681468693073839, 0.006917385850101709, -0.012511868961155415, -0.030022915452718735, 0.004898219369351864, 0.008828630670905113, -0.02331092767417431, 0.000571807031519711, -0.009754662401974201, -0.02283746749162674, 0.012428317219018936, -0.01650146394968033, -0.00901662278920412, -0.023171674460172653, -0.008550125174224377, -0.024856634438037872, 0.022015877068042755, 0.005897358525544405, -0.0057372176088392735, -0.0019129861611872911, -0.019091567024588585, -0.010819947347044945, -0.029326651245355606, 0.00032659145654179156, 0.03450685739517212, -0.011857381090521812, -0.016153331845998764, -0.0036414621863514185, -0.018548481166362762, 0.013270797207951546, 0.02478700876235962, 0.016417911276221275, -0.038517341017723083, 0.012734673917293549, -0.01746230758726597, -0.024954112246632576, 0.02282354235649109, -0.009504007175564766, 0.001651886967010796, 0.008069703355431557, 0.0029887144919484854, -0.002137531293556094, -0.01870165951550007, 0.003627536818385124, 0.013291684910655022, -0.0014021021779626608, -0.014886130578815937, 0.02431354857981205, -0.010736395604908466, 0.008933071047067642, 0.004181066993623972, -0.003147114533931017, 0.008946996182203293, 0.010875647887587547, 0.015484917908906937, -0.005215019453316927, 0.020135963335633278, -0.01108452770859003, 0.023672984912991524, -0.006356893107295036, 0.005639740731567144, -0.014691175892949104, 0.023422330617904663, 0.011042751371860504, 0.004612750839442015, -0.005928690545260906, -0.023060273379087448, 0.011557986959815025, -0.03364349156618118, 0.004532680381089449, -0.020330917090177536, 0.00523590762168169, 0.00571981118991971, 0.025942808017134666, -0.01824212446808815, -0.02136138826608658, -0.01434304378926754, 0.004797260742634535, 0.017155952751636505, -0.01228210236877203, 0.011000975966453552, -0.0218487735837698, 0.003079228801652789, 0.011627613566815853, -0.004971326794475317, 0.029270950704813004, 0.00589039595797658, -0.0008999215788207948, 0.0032950707245618105, 0.00935779232531786, 0.02817085199058056, 0.003355993889272213, -0.0071123396046459675, -0.0042089177295565605, -0.015108934603631496, 0.023714762181043625, 0.004233286716043949, 0.01749015785753727, -0.002269821474328637, 0.03765397146344185, -0.01871558465063572, 0.0075614298693835735, 0.004146253690123558, 0.006349930074065924, 0.018339600414037704, 0.013653742149472237, -0.02333877794444561, 0.0027850570622831583, -0.01056929212063551, 0.02357550896704197, 0.014370894990861416, -0.003777233650907874, 0.016668567433953285, -0.012741636484861374, 0.025831405073404312, 0.006085349712520838, 0.01725342869758606, 0.01725342869758606, -0.011620650999248028, 0.020623348653316498, 0.009761624969542027, 0.024870559573173523, 0.02744673751294613, 0.011857381090521812, -0.009810363873839378, 0.028407583013176918, -0.02261466346681118, 0.01845100335776806, -0.054587118327617645, 0.011627613566815853, 0.011279481463134289, 0.0074639529921114445, -0.005845138803124428, 0.006064462009817362, -0.011718127876520157, 0.0017928804736584425, -0.01870165951550007, 0.011014901101589203, 0.011745978146791458, 0.02111073210835457, -0.024257848039269447, 0.017155952751636505, 0.017824364826083183, -0.04322408512234688, -0.014649400487542152, 0.012268176302313805, 0.022753916680812836, -0.004407352767884731, -0.005100135691463947, -0.0054830810986459255, 0.016236882656812668, -0.03670705109834671, -0.012226400896906853, 0.0003405167371965945, -0.001253275666385889, 0.015470992773771286, -0.02648589387536049, -0.012525794096291065, -0.011571912094950676, 0.020303066819906235, 0.008717228658497334, 0.0019164674449712038, 0.007547504734247923, 0.009879990480840206, -0.0022332677617669106, -0.01290873996913433, 1.8834492948371917e-05, 0.04066183418035507, -0.017921842634677887, -0.006290747784078121, -0.016125481575727463, -0.0017206431366503239, -0.0075753554701805115, 0.022294381633400917, 0.006840796675533056, -0.0005356883048079908, 0.016222957521677017, 0.013716406188905239, 0.0027867977041751146, -0.010861722752451897, 0.012463130988180637, 0.037821076810359955, 0.000762409414164722, -0.007631056476384401, -0.02361728437244892, -0.01542921643704176, 0.015749497339129448, 0.030496375635266304, 0.027572065591812134, -0.009148912504315376, 0.0014238604344427586, -0.0013194207567721605, -0.014677250757813454, -0.026458043605089188, 0.009378680028021336, 0.006342967506498098, 0.0038050843868404627, -0.01896623894572258, -0.02016381360590458, 0.018381377682089806, 0.0064195566810667515, 0.03381059318780899, -0.0037284952122718096, -0.004125365987420082, -0.02793412283062935, -0.0068582030944526196, 0.01194093283265829, -0.02453635260462761, -0.008919144980609417, 0.011669388972222805, 0.009441344067454338, -0.012330840341746807, -0.013256872072815895, 0.03773752227425575, 0.020344842225313187, 0.01432911865413189, -0.029048146679997444, -0.012880888767540455, 0.014927905984222889, 0.023937566205859184, 0.008522274903953075, -0.008264657109975815, 0.02186269871890545, 0.016348285600543022, 0.018367452546954155, 0.016891371458768845, -0.013444863259792328, 0.022266531363129616, 0.0007554467301815748, 0.0035143939312547445, 0.011258593760430813, -0.004995696246623993, -0.0029016814660280943, 0.01033952459692955, 0.025107290595769882, -0.028310105204582214, -0.01971820369362831, 0.00303745293058455, -0.011021863669157028, -0.017643336206674576, -0.01602800376713276, -0.008480498567223549, -0.009650222957134247, -0.0031488551758229733, -0.0016736452234908938, -0.004567493684589863, -0.035899385809898376, 0.003303773934021592, -0.0010792096145451069, 0.009274240583181381, 0.0026980240363627672, -0.010443964041769505, -0.023742612451314926, -0.03303077816963196, -0.014245566911995411, -0.015415291301906109, 0.004323801025748253, 0.012818225659430027, -0.02604028396308422, -0.024954112246632576, -0.005552707705646753, -0.002955641830340028, 0.019091567024588585, 0.0025570306461304426, 0.007860823534429073, -0.027391036972403526, 0.01178079191595316, -0.020080262795090675, -0.012414392083883286, 0.001356845023110509, -0.014273418113589287, 0.02381223812699318, -0.013598041608929634, -0.020094187930226326, -0.00887040700763464, -0.007700683083385229, -0.025176916271448135, -0.0013403086923062801, -0.011390883475542068, 0.0042089177295565605, -0.006290747784078121, 0.01893838867545128, -0.0012045372277498245, 0.021222135052084923, 0.026095984503626823, 0.006416075397282839, -0.008926108479499817, 0.01542921643704176, 0.015624170191586018, -0.00674331933259964, -0.00657621631398797, 0.023895790800452232, 0.007394326850771904, 0.0024473690427839756, 0.006586660165339708, 0.0008416094351559877, -0.012323877774178982, 0.03768182173371315, -0.017364831641316414, 0.00937171746045351, -0.004254174884408712, 0.021263910457491875, 0.028574686497449875, 0.023241301998496056, 0.008250731974840164, 0.01432911865413189, -0.027585990726947784, -0.01045092660933733, -0.0016092407749965787, 0.014189866371452808, 0.015721647068858147, -0.007491803728044033, 0.013138506561517715, -0.023923641070723534, -0.008779892697930336, -0.014983607456088066, -0.004494385793805122, -0.022015877068042755, 0.012323877774178982, 0.0021967138163745403, 0.0006488312501460314, -0.03420050069689751, -0.015526693314313889, -0.008292507380247116, -0.006426519248634577, -0.028853191062808037, -0.022781766951084137, 0.013326498679816723, -0.017309129238128662, 0.012692897580564022, -0.010033167898654938, -0.013542340137064457, -0.022322233766317368, -0.023923641070723534, 0.007986151613295078, 0.014858279377222061, 0.01654323935508728, 0.0022019357420504093, 0.0014995791716501117, -0.006367336958646774, -0.022447559982538223, -0.01533173955976963, -0.005430861376225948, -0.012456168420612812, 0.025413645431399345, 0.03213955834507942, 0.01080602128058672, 0.022196905687451363, -0.006158457603305578, 0.003161039901897311, 0.027112530544400215, 0.0050096213817596436, 0.00034965522354468703, -0.008292507380247116, -0.005932171829044819, -0.01992708444595337, -0.002132309367880225, 0.036595650017261505, -0.01349360216408968, 0.021096806973218918, 0.0064300005324184895, 0.029855811968445778, 0.012121961452066898, 0.005096654407680035, -0.016376135870814323, 0.002583140507340431, -0.053584497421979904, -0.00559100229293108, -0.014537998475134373, -0.007164559327065945, 0.010430038906633854, -0.03227881342172623, -0.022795692086219788, 0.006948717404156923, -0.0015100231394171715, 0.014454446732997894, -0.012365653179585934, 0.03322573006153107, 0.005866026505827904, 0.0016779969446361065, 0.02896459400653839, 0.03567657992243767, -0.041970811784267426, 0.018813060596585274, -0.02991151437163353, 0.0015813902718946338, 0.021027181297540665, -0.012003595940768719, 0.019370071589946747, 0.00034465081989765167, 0.009037510491907597, -0.006725912913680077, 0.0034621742088347673, -0.003759827231988311, -0.019648578017950058, -0.012553645297884941, 0.0054761185310781, -0.004967845510691404, -0.01946754939854145, -0.011613688431680202, 0.02045624516904354, -0.013584116473793983, 0.00019647707813419402, -0.019035864621400833, 0.015053234063088894, -0.021277835592627525, -0.011947895400226116, 0.025956733152270317, 0.021208209916949272, 0.047290269285440445, -0.020553721114993095, 0.023714762181043625, 0.032000306993722916, -0.005761587060987949, -0.01253972016274929, 0.024411026388406754, 0.012254251167178154, 0.004445647355169058, 0.022948870435357094, 0.04016052559018135, -0.04737382009625435, -0.0365120992064476, 0.0012306470889598131, -0.004525717813521624, -0.001888616825453937, -0.04405960440635681, 0.02381223812699318, 0.030579926446080208, 0.006342967506498098, -0.020567646250128746, 5.230141323409043e-05, -0.0340333990752697, 0.0304406750947237, 0.00529160862788558, 0.022503262385725975, 0.0019495399901643395, -0.009622372686862946, -0.0046823774464428425, 0.020539795979857445, -0.002718911971896887, 0.042945582419633865, 0.0027171713300049305, -0.014955757185816765, 0.02308812364935875, -0.007373438682407141, -0.0053960480727255344, 0.013667668215930462, -0.02384008839726448, 0.039297156035900116, -0.014301268383860588, 1.8195343727711588e-05, 0.030830582603812218, 0.0097268121317029, 0.018311750143766403, 0.006652805022895336, 0.01069461926817894, 0.037041258066892624, -0.01998278498649597, -0.013946173712611198, -0.021556342020630836, -0.002600547159090638, 0.021291762590408325, -0.005994835402816534, -0.004602306988090277, -0.017699038609862328, -0.00516279973089695, -0.014900055713951588, 0.02209942787885666, 0.0034569520503282547, 0.018172496929764748, 0.01821427419781685, -0.004233286716043949, -0.012428317219018936, -0.03595508635044098, 0.0018155091674998403, -0.0002070298360195011, -0.0485713966190815, -0.02087400294840336, -0.005215019453316927, -0.011383920907974243, -0.0021619005128741264, 0.0010069721611216664, -0.022433634847402573, 0.022545037791132927, 0.01872950978577137, -0.019286520779132843, 0.011390883475542068, 0.0315546989440918, 0.013103693723678589, -0.0485713966190815, -0.010917424224317074, -0.01608370430767536, -0.016724267974495888, 0.031248340383172035, -0.017142025753855705, -0.026151686906814575, -0.0032898487988859415, -0.01202448457479477, 0.02019166387617588, 0.03498031571507454, -0.003697163425385952, -0.002454331610351801, 0.004282025154680014, -0.0003246332344133407, -0.009698961861431599, -0.01651538908481598, 0.0339776985347271, -0.01723950356245041, 0.014043650589883327, 0.02695935219526291, -0.017420532181859016, 0.03191675618290901, -0.027335336431860924, 0.0014256010763347149, -0.0015674650203436613, -0.04063398391008377, -0.01581912487745285, 0.004344689194113016, 0.011523174121975899, 0.0018172498093917966, -0.014746877364814281, -0.01033952459692955, 0.016849596053361893, -0.015638096258044243, 0.011432659812271595, 0.0010870426194742322, -0.010722469538450241, 0.007310775108635426, 0.024689530953764915, -0.013695518486201763, 0.004149734973907471, -0.017921842634677887, -0.0032550354953855276, 0.010061019100248814, 0.00974073726683855, -0.034896764904260635, -0.00027524196775630116, 0.018200349062681198, 0.0413859486579895, 0.017142025753855705, -0.029549455270171165, -0.026332715526223183, -0.01966250315308571, -0.04249997064471245, -0.016403986141085625, -0.013625891879200935, -0.001114022801630199, -0.004337726626545191, 0.008222880773246288, -0.014635475352406502, 0.027794869616627693, -0.012289064936339855, -0.003972187638282776, 0.0013585856650024652, -0.01020723395049572, -0.0019164674449712038, 0.016696417704224586, 0.011265556327998638, 0.011140228249132633, -0.049713268876075745, 0.002005241112783551, 0.002558771288022399, 0.008083628490567207, -0.016153331845998764, 0.010604104958474636, -0.007617131341248751, -0.003291589440777898, 0.001195833901874721, -0.002818129723891616, 0.0033298840280622244, 0.0016553683672100306, 0.0010078425984829664, -0.01970427855849266, -0.018813060596585274, 0.009441344067454338, -0.010666768997907639, -0.017434457316994667, -0.002494366839528084, 0.006583178881555796, 0.0030270088464021683, -0.005897358525544405, -0.013577153906226158, -0.020609423518180847, 0.012511868961155415, -0.00828554481267929, 0.014454446732997894, -0.00206790491938591, 0.00861278921365738, 0.046315498650074005, -0.009267278015613556, 0.008891294710338116, -0.001564853941090405, -0.01432911865413189, -0.031471144407987595, -0.0004342948377598077, 0.010868685320019722, -0.011892193928360939, 0.004424759652465582, -0.012866963632404804, 0.004752003587782383, -0.001473469310440123, -0.009580596350133419, 0.004226324148476124, -0.016195107251405716, -0.015081084333360195, 0.02044232003390789, 0.00523590762168169, -0.028825340792536736, -0.010478777810931206, -0.01602800376713276, 0.004233286716043949, -0.000260011205682531, 0.011996633373200893, -0.007958300411701202, -0.01410631462931633, 0.006865165662020445, 0.006095793563872576, -0.013549302704632282, -0.00983821414411068, 0.010165458545088768, 0.010506628081202507, -0.0025274392683058977, 0.009343866258859634, 0.1991872787475586, -0.005789437331259251, 0.030496375635266304, 0.0008381281513720751, -0.0018903574673458934, -0.005918246228247881, 0.03840593621134758, 0.005841657519340515, 0.007206335198134184, -0.008494424633681774, 0.0014430077280849218, 0.011147190816700459, -0.028324030339717865, 0.0005617982242256403, 0.02874178998172283, -0.018632031977176666, -0.04884990304708481, -0.03996556997299194, -0.030217869207262993, 0.00655880942940712, -0.01180864218622446, 0.0011993151856586337, -0.004957401659339666, -0.026694772765040398, 0.012497943826019764, -0.02769739367067814, -0.027920197695493698, -0.007206335198134184, 0.02311597391963005, 0.002102718222886324, -0.01872950978577137, -0.010541440919041634, 0.022739991545677185, -0.01142569724470377, -0.01287392619997263, -0.006436963099986315, 0.02527439408004284, 0.021041106432676315, 0.0021967138163745403, 0.024452801793813705, -0.020804377272725105, -0.029995065182447433, 0.01470510195940733, 0.005517894402146339, 0.018632031977176666, 0.010771208442747593, -0.007993114180862904, 0.020330917090177536, -0.003020046278834343, -0.00772853335365653, -0.02509336546063423, -0.0052533140406012535, 0.03985416889190674, 0.022224755957722664, -0.025928881019353867, -0.008389984257519245, -0.015958378091454506, 0.02648589387536049, -0.0025953250005841255, 0.00029830573475919664, -0.02818477898836136, 0.004421278368681669, 0.029493754729628563, 0.012678972445428371, -0.0021810478065162897, 0.015373514965176582, -0.019885307177901268, -0.000785473152063787, 0.00838302168995142, 0.001125337090343237, 0.012866963632404804, -0.006565771996974945, -0.008090591058135033, 0.004282025154680014, -0.036456398665905, -0.023923641070723534, 0.0341169498860836, 0.007923487573862076, -0.0017876585479825735, 0.04247212037444115, 0.0029782704077661037, 0.026625145226716995, -0.007951337844133377, 0.005949578247964382, -0.02336663007736206, -0.05887610837817192, -0.007742458954453468, -0.005127986427396536, -0.011690277606248856, -0.01722557842731476, -0.017935767769813538, 0.026792248710989952, -0.014983607456088066, -0.011634576134383678, 0.017100250348448753, 0.0028442395851016045, 0.014148090034723282, 0.010360412299633026, -0.009378680028021336, 0.01753193512558937, -0.010033167898654938, 0.048794202506542206, 0.010659806430339813, -0.013702481053769588, -0.019565027207136154, 0.0017545860027894378, 0.00735951354727149, 0.0075753554701805115, 0.004825111478567123, 0.014551923610270023, -0.0035544291604310274, -0.028992444276809692, -0.007568392902612686, -0.015262112952768803, 0.00644740741699934, 0.034423306584358215, 0.00015818253450561315, -0.011711165308952332, -0.0065274774096906185, -0.012860001064836979, 0.012191587127745152, -0.01679389365017414, -0.0027867977041751146, 0.025720002129673958, -0.00948311947286129, 0.018075020983815193, -0.012560607865452766, -0.0031488551758229733, -0.02087400294840336, -0.024243922904133797, 0.012825188226997852, -0.011404808610677719, 0.015972303226590157, 0.001063543721102178, -0.0068582030944526196, -0.008647602051496506, -0.008689378388226032, -0.006423037964850664, -0.02118035964667797, -0.0003172354190610349, 0.006708506494760513, -0.01070854440331459, 0.001322902156971395, 0.018102871254086494, -0.0024612941779196262, -0.014621550217270851, 0.008926108479499817, 0.019300445914268494, 0.006691099610179663, -0.02871393971145153, 0.0022558963391929865, -0.02165381982922554, 0.0043272823095321655, -0.007450027856975794, 0.025873180478811264, -0.002713690046221018, -0.005963503383100033, -0.03208385780453682, 0.010875647887587547, 0.015345664694905281, -0.04102389141917229, 0.004710227716714144, 0.03517527133226395, -0.017364831641316414, -0.0027798351366072893, -0.009413492865860462, -0.17902347445487976, 0.008765967562794685, 0.028282254934310913, -0.035370226949453354, 0.014788653701543808, 0.03447900712490082, 0.006301191635429859, 0.0038955986965447664, 0.006402150262147188, 0.0018416190287098289, 0.0018468409543856978, -0.006708506494760513, 0.009093211963772774, -0.016933146864175797, -0.0011618910357356071, 0.0017223837785422802, 0.01657108962535858, 0.0065065897069871426, 0.013841734267771244, 0.012414392083883286, -0.002847720868885517, -0.022739991545677185, 0.0158051997423172, 0.0182281993329525, -0.027878422290086746, 0.015874825417995453, -0.026917576789855957, 0.008083628490567207, -0.021932324394583702, -0.0024351843167096376, 0.014635475352406502, -0.004946957807987928, 0.01679389365017414, -0.004825111478567123, -0.00791652500629425, 0.011711165308952332, -0.013855659402906895, 0.013779070228338242, -0.0026127316523343325, 0.05082729086279869, 0.02237793430685997, 0.027808794751763344, 0.02091577835381031, 0.01408542599529028, -0.032223109155893326, 0.0018416190287098289, 0.021974099799990654, -0.014969682320952415, -0.008299469947814941, -0.016403986141085625, -0.016724267974495888, -0.011634576134383678, 0.03848949074745178, 0.005970466416329145, -0.001883394899778068, 0.007686757482588291, 0.017699038609862328, 0.012553645297884941, 0.008111478760838509, -0.023297002539038658, -0.01920296810567379, -0.0005491784540936351, 0.0032898487988859415, -0.015248187817633152, 0.007749421522021294, -0.035843685269355774, -0.01996885985136032, -0.018144646659493446, -0.036122191697359085, -0.0020417950581759214, -0.007930450141429901, -0.011523174121975899, 0.010973124764859676, 0.002938235178589821, 0.011077565141022205, 0.0019025421934202313, 0.0012332580517977476, 0.005841657519340515, -0.001824212376959622, 0.010346487164497375, -0.013291684910655022, 0.036094341427087784, 0.011209854856133461, 6.712423055432737e-05, 0.011557986959815025, -0.02457812987267971, -0.018910538405179977, -0.02214120328426361, -0.004772891756147146, -0.0028163890819996595, 0.018910538405179977, -0.011989670805633068, 0.009545783512294292, -0.011286444030702114, 0.016376135870814323, -0.009559708647429943, -0.0067711700685322285, 0.0009904359467327595, 0.01722557842731476, -0.0020835709292441607, -0.003839897457510233, -0.005002658814191818, -0.017420532181859016, -0.01361892931163311, 0.06427911669015884, 0.008779892697930336, -0.014969682320952415, -0.00625941576436162, 0.026569444686174393, -0.011725090444087982, -0.011035788804292679, 0.013500564731657505, 0.01604192890226841, 0.00020561554993037134, -0.01045092660933733, 0.02599850855767727, 0.0033821037504822016, -0.035620879381895065, 0.013138506561517715, -0.023909715935587883, 0.0534173958003521, 0.0016475353622809052, -0.024940187111496925, -0.020358767360448837, -0.005782474763691425, -0.0005274201976135373, -0.09324371069669724, -0.0038364161737263203, 0.015039308927953243, 0.027530290186405182, -0.05180206149816513, 0.010262935422360897, -0.007422177121043205, 0.00022933204309083521, -0.0064300005324184895, 0.029048146679997444, 0.000774158863350749, -0.010478777810931206, -0.008731153793632984, 0.006235046777874231, 0.010485740378499031, -0.0007963522803038359, 0.011913081631064415, -0.030524225905537605, -9.31525482883444e-06, 0.02066512405872345, 0.0158051997423172, -0.0025883624330163, -0.014071500860154629, 0.0030270088464021683, 0.0076728323474526405, 0.009796438738703728, -0.0340890996158123, 0.02556682378053665, 0.01579127460718155, 0.003169743111357093, -0.0026771361008286476, -0.04252782091498375, 0.007098414469510317, -0.035398077219724655, -0.008306432515382767, 0.001744142035022378, -0.03506387025117874, 0.004034851677715778, 0.02356158383190632, -0.03372704237699509, 0.014635475352406502, 0.0038886358961462975, 0.026639072224497795, -0.011168079450726509, -0.02092970348894596, -0.011265556327998638, -0.034618258476257324, 0.03233451396226883, -0.0009155875304713845, -0.02455027773976326, -0.014997532591223717, -0.019105492159724236, -0.010116719640791416, 0.0024404062423855066, 0.024355323985219002, -0.010172421112656593, -0.00028046395163983107, 0.011460510082542896, -0.015749497339129448, 0.002369039226323366, -0.02136138826608658, -0.005872989073395729, -0.017712963744997978, 0.030830582603812218, 0.024884484708309174, 0.017183803021907806, -0.0315268449485302, -0.03264087066054344, 0.0103534497320652, 0.004389946348965168, -0.013779070228338242, 0.02478700876235962, -0.015373514965176582, 0.015136785805225372, -0.032445915043354034, -0.010381300002336502, -0.028505058959126472, -0.028351880609989166, 0.011265556327998638, -0.008689378388226032, -0.002494366839528084, -0.02581747993826866, -0.013646779581904411, -0.01626473292708397, 0.01677996851503849, -0.011432659812271595, -0.015721647068858147, 0.019383996725082397, 0.012658084742724895, -0.043864648789167404, 0.02893674373626709, 0.009413492865860462, -0.003916486632078886, -0.018785210326313972, 0.0008511830819770694, 0.02868608757853508, -0.005072285421192646, -0.0068582030944526196, 0.017587635666131973, 0.004647564142942429, -0.031192639842629433, 0.011530136689543724, -0.07575355470180511, 0.022057652473449707, -0.00497828982770443, -0.006304672919213772, -0.009441344067454338, -0.006934792269021273, 0.009385642595589161, 0.011175042018294334, -0.017893992364406586, 0.00546219339594245, -0.03940855711698532, 0.00875900499522686, -0.004233286716043949, -0.008487461134791374, 0.006684137042611837, -0.0022715621162205935, 0.03202815726399422, -0.008577976375818253, 0.025914955884218216, 0.01918904297053814, -0.003343809163197875, 0.007164559327065945, 0.015081084333360195, 0.020860077813267708, -0.016417911276221275, -0.013779070228338242, -0.0028320548590272665, 0.007582318037748337, -0.004194992128759623, 0.011927006766200066, 0.01778258942067623, -0.05160710960626602, 0.0003577057796064764, 0.010395226068794727, 0.011446584947407246, -0.009462231770157814, -0.0066493237391114235, 0.007498766295611858, 0.0085292374715209, 0.04932336136698723, -0.051105797290802, -0.021096806973218918, -0.011335182934999466, -0.0066179921850562096, -0.004894738085567951, 0.019258670508861542, 0.026931501924991608, 0.0009155875304713845, 0.016181182116270065, -0.01530388928949833, 0.04405960440635681, 0.018882688134908676, -0.008327321149408817, -0.06004583090543747, -0.01033952459692955, 0.007895637303590775, 0.010137608274817467, -0.008355171419680119, 0.011732053011655807, -0.023422330617904663, 0.028797490522265434, 0.00631859852001071, 0.04687251150608063, 0.011530136689543724, 0.010012280195951462, -0.006443926133215427, 0.0015613726573064923, 0.0027972417883574963, -0.01045092660933733, -0.033448535948991776, -0.0009860843420028687, 0.005869507789611816, -0.0012315174099057913, 0.014788653701543808, 0.01654323935508728, -0.002604028442874551, -0.017378756776452065, 0.014426595531404018, -0.027168232947587967, 0.0025100328493863344, 0.03701340779662132, -0.004557049833238125, -0.017921842634677887, 0.01350752729922533, 0.02701505459845066, -0.006652805022895336, -0.0206790491938591, 0.020985405892133713, 0.007477878592908382, 0.013465750962495804, -0.0034447675570845604, 0.0062977103516459465, 0.0021392719354480505, 0.009434380568563938, -0.005911283660680056, 0.02038661763072014, -0.03531452268362045, 0.0005213278927840292, 0.02478700876235962, 0.035398077219724655, -0.006624954752624035, 0.0008572753868065774, -0.010151533409953117, -0.02311597391963005, -0.03570443391799927, 0.00499221496284008, -0.025218691676855087, -0.0037981215864419937, -0.002529179910197854, -0.007220260798931122, 0.014099352061748505, 0.0018259530188515782, -0.007408251985907555, 0.005423898808658123, -0.0254971981048584, -0.002344670007005334, 0.00875900499522686, -0.018826985731720924, -0.032696571201086044, 0.037124812602996826, -0.0032637387048453093, 0.008410872891545296, 0.03241806477308273, 0.003234147559851408, 0.031471144407987595, 0.022266531363129616, 0.03667920082807541, -0.011154153384268284, 0.030329272150993347, -0.030579926446080208, 0.004995696246623993, -0.008229843340814114, -0.011154153384268284, 0.00995657965540886, -0.0064300005324184895, -0.013326498679816723, 0.009364754892885685, -0.005994835402816534, -0.01299229171127081, 0.09090426564216614, 0.03322573006153107, -0.013124581426382065, 0.0011531877098605037, -0.03567657992243767, -0.0030948948115110397, 0.033671341836452484, -0.009051435627043247, -0.022698216140270233, -0.03570443391799927, -0.016195107251405716, -0.012400466948747635, 0.010290785692632198, -0.027168232947587967, -0.009162837639451027, -0.014955757185816765, -0.021277835592627525, 0.01849277876317501, 0.005883433390408754, 0.00017700342868920416, 0.013145470060408115, 0.013827808201313019, 0.025204766541719437, 0.008222880773246288, -0.018144646659493446, -0.009044473059475422, 0.009392605163156986, -0.01872950978577137, 0.023923641070723534, -0.04327978938817978, 0.004226324148476124, 0.021960174664855003, -0.02573392726480961, -0.01921689324080944, -0.008912182413041592, -0.001646665041334927, -0.013166357763111591, -0.0016179441008716822, 0.03821098431944847, 0.0008581457077525556, 0.021695595234632492, 0.022015877068042755, -0.004417797084897757, -0.0068582030944526196, -0.012658084742724895, -0.018896613270044327, -0.0242996234446764, -0.00923942681401968, -0.018353525549173355], metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='73cdc09e-420e-431c-9e55-e948e7464da7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='27db942e3c161f4d37ac6cd774c3752a8e7c6dd74baf8c15171c24b222f8bcce'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='1c85b593-3e0b-4ea0-a77f-59b02b5d88e4', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='cd2bdbbf4d102d568faf41c1e5dd93726275df6b275176dd490136e4e56d2082'), <NodeRelationship.NEXT: '3'>: RelatedNodeInfo(node_id='4477c465-e66b-488a-a910-3a048ad7b5df', node_type=<ObjectType.TEXT: '1'>, metadata={}, hash='2af1933fb3b0333cf09a6fd90bde26e9c3149f3b6ec2c90c64912dfe9cf761d1')}, hash='d49c6adb68921c2beb60eafe458c309837b7cad87463b6108f3684960a0c9da8', text='12, pp. 1532-1543, 2014. [53] P. Bolettieri et al. , \"CoPhIR: a test collection for content-based image retrieval,\" arXiv preprint arXiv:0905.4627, 2009. [54] Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner, \"Gradient-based learning applied to document recognition,\" Proceedings of the IEEE, vol. 86, no. 11, pp. 2278-2324, 1998. [55] E. Chávez, M. Graff, G. Navarro, and E. Téllez, \"Near neighbor searching with K nearest references,\" Information Systems, vol. 51, pp. 43-61, 2015. [56] E. C. Gonzalez, K. Figueroa, and G. Navarro, \"Effective proxi mity retrieval by ordering permutations,\" Patte rn Analysis and Machine Intelligence, IEEE Transactions on, vol. ', start_char_idx=764, end_char_idx=1426, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'),\n",
468
       " TextNode(id_='4477c465-e66b-488a-a910-3a048ad7b5df', embedding=[-0.009176851250231266, 0.01985536888241768, -0.005982333794236183, -0.017880955711007118, 0.0005053351051174104, 0.01692155748605728, -0.017032792791724205, -0.0009906827472150326, -0.027822544798254967, -0.0504726804792881, 0.008064505644142628, 0.00983730610460043, 0.010247483849525452, 0.018353702500462532, 0.0016111631412059069, 0.002085648011416197, 0.01979975216090679, -0.006159613840281963, 0.015767499804496765, -0.004758753348141909, -0.03295323997735977, 0.0038341162726283073, -0.015725785866379738, -0.029421541839838028, 0.00019748479826375842, 0.03556725010275841, 0.02452722005546093, -0.018840353935956955, -0.007438811007887125, -0.0169493667781353, 0.02089819312095642, -0.019229674711823463, -0.0020995524246245623, 0.009969397448003292, -0.007821179926395416, -0.00948274601250887, 0.02434646524488926, -0.026237452402710915, 0.03125691041350365, -0.014321449212729931, -0.010782800614833832, 0.013320338912308216, -0.0063368938863277435, -0.010073679499328136, -0.013633185997605324, -0.016657374799251556, 0.009392368607223034, -0.022789180278778076, -0.006402939558029175, 0.039321418851614, 0.02073134109377861, 0.02704390324652195, -0.00929503794759512, -0.005756388418376446, -0.02755836211144924, -0.004112202674150467, 0.008071457967162132, 0.014231071807444096, -0.00523150060325861, -0.024833114817738533, 0.012645979411900043, -0.012020284309983253, -0.014849813655018806, 0.02164902538061142, -0.014189358800649643, -0.030422652140259743, -0.029477158561348915, -0.0004762229509651661, 0.004491095431149006, -0.003743738168850541, 0.0063855587504804134, 0.026988284662365913, -0.014196311123669147, 0.008968286216259003, 0.048025522381067276, -0.005732055753469467, 0.0007321493467316031, 0.0031215199269354343, -0.015767499804496765, 0.01162401121109724, -0.005551299545913935, -0.03637370094656944, 0.009795593097805977, 0.009774737060070038, 0.00792546197772026, 0.019758038222789764, 0.028350908309221268, 0.01603168062865734, -0.03136814758181572, -0.011533633805811405, 0.035428207367658615, 0.0338987335562706, 0.021593408659100533, -0.017352592200040817, -0.010831465013325214, 0.00810621865093708, -0.022580616176128387, 0.011262498795986176, 0.01696326956152916, -0.0292268805205822, -0.013014443218708038, -0.0015355583745986223, -0.0048317513428628445, -0.005839814431965351, -0.010101488791406155, 0.004178248345851898, -0.01925748400390148, -0.004564092960208654, -0.011380685493350029, 0.00752223702147603, -0.010602043941617012, -3.4434917324688286e-05, -0.008412113413214684, -0.0075361416675150394, -0.013987746089696884, -0.03047826886177063, 0.028781943023204803, -0.023289736360311508, -0.014752483926713467, -0.025361480191349983, 0.02562566101551056, 0.017964381724596024, 0.006559363100677729, -0.015113995410501957, 0.0171023141592741, 0.008036697283387184, -0.0065280781127512455, -0.03184089437127113, 0.005238452460616827, -0.026640677824616432, 0.025319766253232956, 0.023706866428256035, 0.004438953939825296, 0.010602043941617012, -0.029310306534171104, 0.035761911422014236, 0.0049951267428696156, -0.024805307388305664, -0.02994990535080433, -0.04124021157622337, 0.00963569339364767, 0.029644010588526726, -0.009454937651753426, -0.021704643964767456, -0.008168787695467472, 0.04546712711453438, -0.0005379233625717461, 0.02217739075422287, 0.012618170119822025, -0.0142380241304636, 0.006816592998802662, 0.002351568080484867, 0.00030763307586312294, 0.03100663423538208, 0.015002761036157608, 0.005036839749664068, -0.010379575192928314, 0.023526109755039215, -0.018270276486873627, -0.039237990975379944, -0.023122884333133698, 0.006326465401798487, -0.0011132146464660764, -0.014251927845180035, 0.010011110454797745, 0.022983841598033905, 0.010323957540094852, 0.006514173932373524, -0.016991078853607178, -0.02381809987127781, -0.011179073713719845, 0.023943239822983742, -0.03353722020983696, 0.0016181152313947678, 0.008996095508337021, -0.003670740406960249, 0.04852607846260071, 0.00885009951889515, -0.04051718860864639, -0.014974952675402164, 0.0033665834926068783, -0.00392449414357543, 0.003046784084290266, 0.012353988364338875, -0.00812707468867302, 0.00752223702147603, 0.03184089437127113, 0.002016126411035657, 0.014933239668607712, -0.023845909163355827, 0.013501094654202461, 0.01550331711769104, -0.0016215912764891982, 0.003204945707693696, -0.6344819068908691, -0.026084505021572113, 0.020063932985067368, -0.030589504167437553, -0.0044528585858643055, 0.005926716607064009, 0.010031966492533684, 0.02255280688405037, 0.017408208921551704, 0.01343852560967207, -0.028170151636004448, 0.010198818519711494, -0.008613726124167442, 0.0009237682679668069, -0.023901525884866714, -0.010664613917469978, 3.199079947080463e-05, -0.026084505021572113, 0.026988284662365913, 0.004751801490783691, -0.024054473266005516, 0.030200183391571045, -0.0013087440747767687, 0.0013860869221389294, -0.012388749048113823, 0.004355528391897678, 0.032563917338848114, -0.03807002678513527, -0.002349829999729991, 0.028559472411870956, -0.03008894808590412, 0.0210928525775671, 0.017728008329868317, 0.03175746649503708, 0.05247490480542183, -0.014724674634635448, 0.002148217521607876, 0.020453255623579025, 0.02558394894003868, 0.014446588233113289, -0.038125645369291306, -0.02288651093840599, -0.00041951940511353314, 0.020342020317912102, -0.006451604422181845, 0.02184368669986725, 0.022135676816105843, -0.0022750943899154663, -0.016504427418112755, -0.028698517009615898, -0.005321878474205732, -0.011464111506938934, -0.01407117210328579, 0.0012461746810004115, -0.00026830993010662496, -0.0027165564242750406, 0.025278054177761078, -0.022650137543678284, 0.003795879427343607, -0.00041691234218887985, -0.0016928509576246142, -0.01044909656047821, -0.008954382501542568, -0.003594266716390848, -0.015294752083718777, 0.024999966844916344, -0.010476904921233654, 0.013487190008163452, -0.007035586051642895, -0.004334671888500452, 0.0292268805205822, 0.019771942868828773, 0.006375130731612444, -0.006204803008586168, 0.020814767107367516, 0.02074524573981762, 0.02543100155889988, 0.006726214662194252, -0.009468842297792435, -0.0008746686507947743, 0.010101488791406155, 0.010351765900850296, -0.010859274305403233, -0.0064446525648236275, 0.022469380870461464, 0.0007251971983350813, -0.034566137939691544, -0.0033891780767589808, -0.012986634857952595, -0.006618456449359655, -0.0009437557309865952, -0.0049603660590946674, -0.02234424278140068, -0.028698517009615898, -0.00423038937151432, 0.018131233751773834, 0.00784898828715086, 0.007994984276592731, 0.017269166186451912, -0.024847019463777542, -0.021746356040239334, -0.01532256044447422, 0.002819100860506296, -0.00955226831138134, -0.0003058950533159077, 0.0005535657401196659, -0.00320320762693882, 0.003813259769231081, 0.014022506773471832, -0.012576457113027573, 0.01407117210328579, -0.006044903304427862, -0.011248595081269741, 0.011568394489586353, 0.002485397271811962, -0.023025553673505783, 0.041379258036613464, 0.00482479901984334, -0.003144114278256893, -0.0017006720881909132, 0.02814234420657158, -0.0017458611400797963, 0.004751801490783691, -0.008919620886445045, 0.00819659698754549, 0.003415248589590192, 0.00040148725383915007, -0.022399859502911568, -0.03008894808590412, -0.009128185920417309, 0.030339226126670837, -0.014203262515366077, 0.018534459173679352, -0.01950776018202305, 0.030033331364393234, 0.0001149278978118673, 0.01225665770471096, 0.005346211139112711, -0.004571045283228159, -0.006329941563308239, -0.02669629454612732, 0.006611504126340151, 0.007299767807126045, -0.02124580182135105, -0.0060031902976334095, -0.0056868670508265495, -0.0142380241304636, 0.01515570841729641, -0.015280847437679768, -0.021037235856056213, -0.014446588233113289, -0.0068444013595581055, -0.024582838639616966, 0.017978286370635033, 0.0015955207636579871, -0.009642645716667175, -0.0010054560843855143, -0.010177962481975555, -0.011818671599030495, -0.014710770919919014, -0.004296435043215752, 0.038487158715724945, -0.024443794041872025, -0.0031406383495777845, 0.014015554450452328, -0.007404050324112177, 0.011123456060886383, 0.022038348019123077, 0.020870383828878403, -0.03348160162568092, 0.0063820830546319485, -0.010414335876703262, -0.01656004600226879, 0.011130408383905888, -0.007716897409409285, -0.004696184303611517, 0.002985952654853463, -0.004216485191136599, -0.01504447404295206, -0.013146534562110901, 0.005822434090077877, 0.005513062700629234, -0.0008394733304157853, -0.018089519813656807, 0.026140121743083, 0.006785308010876179, -0.0021082425955682993, -0.0010767157655209303, -0.0013052680296823382, 0.009239420294761658, 0.008989143185317516, 0.015141804702579975, -0.004751801490783691, 0.00846077874302864, -0.013396812602877617, 0.01533646509051323, -0.0016685184091329575, -0.004456334747374058, -0.013042252510786057, 0.021134566515684128, 0.0033074901439249516, 0.010393478907644749, 0.00653503043577075, -0.01801999844610691, 0.0016354956896975636, -0.03567848354578018, 0.010810608975589275, -0.009746928699314594, 0.008495539426803589, 0.010219675488770008, 0.020328115671873093, -0.01764458231627941, -0.01643490605056286, -0.013382907956838608, 2.5283050490543246e-05, 0.03214678913354874, -0.019368717446923256, 0.009753880091011524, -0.023039458319544792, 0.020300306379795074, 0.005853718612343073, -0.01786705106496811, 0.03384311497211456, -0.013737468048930168, 0.0024680166970938444, 0.004480666946619749, 0.008933525532484055, 0.02526414953172207, -0.0052940696477890015, -0.008954382501542568, -0.0036255514714866877, -0.0053079742938280106, 0.019577283412218094, 0.009288085624575615, 0.00972607173025608, 0.014001649804413319, 0.03353722020983696, -0.01676861010491848, 0.01379308570176363, -0.0011375471949577332, 0.003081545000895858, 0.014203262515366077, 0.017908765003085136, -0.021217992529273033, 0.0026626773178577423, -0.0021725499536842108, 0.031062250956892967, 0.006416843738406897, 0.007438811007887125, 0.012006380595266819, -0.02091209776699543, 0.026779720559716225, 0.007647376041859388, -0.0010880130575969815, 0.009197707287967205, -0.00882924348115921, 0.011109551414847374, 0.0067157866433262825, 0.02323411963880062, 0.026543347164988518, 0.010351765900850296, 0.007654328364878893, 0.028267482295632362, -0.004550188779830933, 0.009781689383089542, -0.047524966299533844, 0.004536284599453211, 0.01801999844610691, 0.008697152137756348, -0.0317852757871151, 0.002316807396709919, -0.004904748871922493, 0.0114502077922225, -0.01838151179254055, 0.009086472913622856, 0.011478016152977943, 0.008711056783795357, -0.027822544798254967, 0.021732451394200325, 0.02017516829073429, -0.043520521372556686, -0.006455080583691597, 0.01019186619669199, 0.011533633805811405, 0.004418097902089357, -0.007084250915795565, 0.0003671609447337687, 0.018617885187268257, -0.037041109055280685, -0.0068617817014455795, -0.002113456605002284, -0.008801434189081192, 0.002965096151456237, -0.013494142331182957, -0.025375384837388992, -0.004223437048494816, 0.01692155748605728, 0.00103847892023623, -0.0045154280960559845, 0.008634583093225956, 0.019785847514867783, 0.006236087530851364, -0.026279164478182793, -0.008502491749823093, 0.03754166513681412, -0.017797529697418213, 0.004501523450016975, -0.014085075818002224, 0.000361295067705214, -0.004650995135307312, 0.00225423788651824, 7.761434972053394e-05, 0.0027513173408806324, 0.012221897020936012, 0.009176851250231266, 0.006597599945962429, -0.015781402587890625, 0.0146134402602911, 0.037569474428892136, -0.00019715890812221915, -0.010164057835936546, -0.01714402623474598, -0.010810608975589275, 0.013396812602877617, 0.058342527598142624, 0.037958793342113495, -0.011512776836752892, 0.004623186308890581, 0.01026138849556446, -0.01750553958117962, -0.03189650923013687, -0.0041365353390574455, 0.013654042035341263, 0.013946033082902431, -0.014530014246702194, -0.00928113330155611, 0.005631249397993088, 0.010643756948411465, 0.03348160162568092, -0.00019042400526814163, 0.008238309994339943, -0.027127329260110855, -0.003726357826963067, 0.012771117500960827, -0.019243579357862473, -0.012194088660180569, 0.0034135105088353157, 0.012298370711505413, 0.009030856192111969, 0.0009228992275893688, 0.03553944081068039, 0.006017094478011131, 0.006837449502199888, -0.024235229939222336, -0.013570616021752357, 0.026001079007983208, 0.021913208067417145, 0.01857617124915123, -0.010608996264636517, 0.026070600375533104, 0.015614551492035389, 0.026932667940855026, 0.00045927707105875015, -0.011665724217891693, 0.023331448435783386, 0.009663502685725689, 0.007073822896927595, 0.005353162996470928, -0.0027078662533313036, -0.004174772184342146, 0.01172829419374466, 0.016087297350168228, -0.02107894979417324, -0.01979975216090679, 0.006552410777658224, -0.010671565309166908, -0.015378178097307682, -0.017880955711007118, -0.016838131472468376, -0.009288085624575615, -0.01622634194791317, -0.009844258427619934, -0.01089403498917818, -0.025097297504544258, 0.010212723165750504, -0.015127900056540966, 0.016323672607541084, -0.0053740194998681545, -0.011352877132594585, -0.008711056783795357, -0.028754133731126785, -0.005964953452348709, -0.01568407379090786, 0.007709945552051067, 0.0171023141592741, -0.005172407254576683, -0.029894288629293442, -0.005380971822887659, 0.00033500720746815205, 0.017018888145685196, 0.005422684829682112, 0.006955636199563742, -0.03478860855102539, 0.02182978205382824, -0.02091209776699543, -0.004609282128512859, 0.00016348439385183156, -0.008300879038870335, 0.01126945111900568, -0.023025553673505783, -0.026988284662365913, -0.011749150231480598, -0.009941589087247849, -0.02903222106397152, -0.0036846448201686144, -0.004233865533024073, -0.006687977816909552, -0.0055443476885557175, 0.00910732988268137, 0.008439922705292702, 0.02130141854286194, 0.023748578503727913, 0.011735246516764164, -0.0015129637904465199, 0.002282046480104327, 0.0064620329067111015, -0.013362051919102669, 0.0037854511756449938, 0.020077837631106377, 0.009997205808758736, 0.014105932787060738, 0.009406272321939468, 0.004223437048494816, 0.0020717435982078314, 0.02811453491449356, -0.016726896166801453, 0.01678251475095749, 0.008231357671320438, 0.022650137543678284, 0.02992209605872631, 0.022066155448555946, 0.016671279445290565, 0.0198136568069458, -0.022858701646327972, -0.00618047034367919, -0.010490809567272663, 0.012117614969611168, 0.018339797854423523, -0.017616773024201393, 0.022956032305955887, -0.017436018213629723, 0.0016407098155468702, -0.02198272943496704, 0.009030856192111969, -0.020050030201673508, 0.0009359345422126353, -0.002148217521607876, -0.015558933839201927, -0.03312009200453758, -0.007709945552051067, -0.011012221686542034, -0.0018614408327266574, -0.030700739473104477, -0.0210928525775671, 0.012138471007347107, -0.021023331210017204, 0.010240531526505947, -0.005999714136123657, -0.01783924177289009, -0.016003873199224472, -0.023748578503727913, 0.011019174009561539, 0.02436036802828312, 0.020647915080189705, -0.0020665295887738466, 0.0049742707051336765, -0.003934922628104687, -0.02903222106397152, 0.0012166280066594481, 0.003013761481270194, -0.0015007975744083524, 0.022636232897639275, 0.03350941091775894, 0.004630138631910086, 0.023373162373900414, 0.002782602095976472, 0.0026035839691758156, 0.01821465976536274, 0.006239563692361116, -0.0014895002823323011, -0.0008477290393784642, -0.00032957582152448595, -0.010970508679747581, 0.004529332276433706, 0.046801939606666565, 0.004929081536829472, 0.012569505721330643, 0.014446588233113289, 0.014098980464041233, 0.013042252510786057, 0.01009453646838665, -0.015795307233929634, -0.0014234547270461917, -0.051112279295921326, 0.00029611855279654264, -0.004762229509651661, -0.012548648752272129, 0.009545315988361835, -0.033064473420381546, -0.019201865419745445, 0.016893748193979263, -0.0012957088183611631, 0.022135676816105843, -0.009566172026097775, 0.021496077999472618, 0.003952302969992161, -0.000995027949102223, 0.02486092410981655, 0.034009966999292374, -0.0439932681620121, 0.016852036118507385, -0.028448238968849182, 0.002951191971078515, 0.01621243730187416, -0.0056729624047875404, 0.024986062198877335, 0.00855115707963705, -0.0005053351051174104, 0.00121575896628201, 0.006326465401798487, 0.001162748783826828, -0.0024506363552063704, -0.0026053220499306917, -0.0059892856515944, 0.004887368530035019, -0.0205644890666008, -0.024012761190533638, 0.010907938703894615, -0.025709087029099464, -0.004591901786625385, -0.0015251301229000092, 0.006809640675783157, -0.027321988716721535, -0.011380685493350029, 0.026585059240460396, 0.009441033005714417, 0.04454944282770157, -0.011026125401258469, 0.018339797854423523, 0.037041109055280685, -0.014085075818002224, -0.026626773178577423, 0.02850385569036007, 0.0033891780767589808, 0.005568680353462696, 0.025375384837388992, 0.03334255889058113, -0.04582864046096802, -0.02775302343070507, 0.004146963357925415, -0.004869988188147545, 0.012423509731888771, -0.04452163353562355, 0.00955226831138134, 0.010838417336344719, -0.0005053351051174104, -0.020592298358678818, -0.004762229509651661, -0.03339817747473717, 0.032202403992414474, -0.002262928057461977, 0.0209399051964283, 0.002726984675973654, -0.00963569339364767, 0.004133059177547693, 0.031479381024837494, 0.001655483152717352, 0.041407063603401184, 0.006170041859149933, -0.007244150619953871, 0.009211611934006214, -0.013570616021752357, -0.012152375653386116, 0.007591758854687214, -0.012214944697916508, 0.044076696038246155, -0.01820075511932373, -0.0067609758116304874, 0.022900415584445, 0.01206894963979721, 0.009044759906828403, 0.004550188779830933, 0.0040113963186740875, 0.030951015651226044, -0.026821432635188103, -0.00875276979058981, -0.013223008252680302, -0.013090916909277439, 0.02198272943496704, -0.0006382951978594065, -0.005631249397993088, -0.020981619134545326, -0.012951874174177647, -0.011846480891108513, 0.01661566272377968, 0.0038966857828199863, 0.0230533629655838, 0.022427668794989586, -0.004334671888500452, -0.027002189308404922, -0.0200361255556345, 0.017449920997023582, 0.00011894711497006938, -0.057953204959630966, -0.02309507504105568, 0.0028330052737146616, -0.017449920997023582, -0.0023915430065244436, -0.008870956487953663, -0.022636232897639275, 0.012353988364338875, 0.011943810619413853, -0.013174342922866344, 0.014029459096491337, 0.03081197291612625, 0.008857051841914654, -0.04819237440824509, -0.01333424262702465, -0.010177962481975555, -0.022219102829694748, 0.03442709520459175, -0.009955492801964283, -0.022664042189717293, -0.00022616246133111417, -0.0130700608715415, 0.011672676540911198, 0.023345353081822395, -0.015572838485240936, 0.004932557698339224, -0.008245261386036873, 0.0004757884598802775, -0.015642359852790833, -0.023943239822983742, 0.03690206632018089, -0.009545315988361835, 0.014627344906330109, 0.01768629439175129, -0.011644868180155754, 0.031284719705581665, -0.014655153267085552, -0.003109353594481945, -0.0033509412314742804, -0.04577302187681198, -0.012520840391516685, -0.0068444013595581055, 0.0026383446529507637, 0.008342592045664787, -0.001444311230443418, -0.015628455206751823, 0.004901272710412741, -0.016462715342640877, 0.01605948992073536, 0.005453969351947308, -0.007087727077305317, 0.008898764848709106, 0.007994984276592731, -0.01253474410623312, -0.0004853476712014526, -0.012194088660180569, -0.00369854923337698, 0.015016665682196617, 0.00012742006219923496, -0.045717403292655945, -0.005474825855344534, 0.024624550715088844, 0.052002158015966415, 0.01764458231627941, -0.02796158753335476, -0.014474397525191307, -0.014001649804413319, -0.052558328956365585, -0.008488587103784084, -0.017449920997023582, 0.0038549727760255337, -0.003177137114107609, 0.004425049759447575, -0.010602043941617012, 0.024221325293183327, -0.01801999844610691, -0.0013487190008163452, 0.002826052950695157, -0.018993301317095757, -0.00174499221611768, 0.014752483926713467, 0.008808386512100697, 0.01560064684599638, -0.03665178641676903, -0.001795395277440548, -0.0031371621880680323, -0.000519239460118115, -0.016323672607541084, 0.009441033005714417, -0.012618170119822025, -0.014098980464041233, 0.004438953939825296, -0.003340512979775667, -0.006740119308233261, -0.004091346170753241, -0.001392170088365674, -0.02633478306233883, -0.011922954581677914, 0.0029094789642840624, -0.01100526936352253, -0.02091209776699543, -0.00820354837924242, -0.007059918716549873, 0.006326465401798487, -0.007146820425987244, -0.014543918892741203, -0.020703531801700592, 0.01342462096363306, -0.004021824337542057, 0.021343130618333817, -0.0016945890383794904, 0.011533633805811405, 0.05125132203102112, -0.007876797579228878, -0.002457588678225875, -0.0038097836077213287, -0.00892657320946455, -0.037791941314935684, -0.0024471604265272617, 0.008982190862298012, -0.015266943722963333, 0.0075709023512899876, -0.006166566163301468, 0.003910589963197708, 0.0022177391219884157, -0.007716897409409285, -0.0018597027519717813, -0.018075615167617798, -0.015030570328235626, 0.011019174009561539, 0.010115392506122589, -0.016101201996207237, 0.002148217521607876, -0.014557822607457638, 0.0029720484744757414, -0.005530443508177996, 0.0036846448201686144, 0.00406353734433651, -0.016712993383407593, 0.007271959446370602, 0.0019431287655606866, -0.006034474819898605, -0.020842576399445534, 0.012889305129647255, 0.020606203004717827, -0.0005670355749316514, 0.0076821367256343365, 0.19499418139457703, -0.008238309994339943, 0.034732989966869354, -1.3931477042206097e-05, 0.008558109402656555, 0.0037645946722477674, 0.04883197322487831, 0.0043103392235934734, 0.011498873122036457, 0.0058606709353625774, 0.002607059897854924, 0.02057839371263981, -0.009670455008745193, -0.0013339456636458635, 0.025736896321177483, -0.025166818872094154, -0.050778575241565704, -0.03431586176156998, -0.030978824943304062, 0.005335782654583454, -0.00972607173025608, -0.007779466919600964, -0.018631787970662117, -0.024485507979989052, 0.016865940764546394, -0.013973841443657875, -0.029810862615704536, -0.007563950028270483, 0.014460492879152298, -0.00225423788651824, -0.023845909163355827, -0.015030570328235626, 0.021676834672689438, -0.008168787695467472, -0.001673732534982264, -0.0064481282606720924, 0.03156280517578125, 0.012972730211913586, 0.017602868378162384, 0.014140693470835686, -0.022789180278778076, -0.03331474959850311, 0.006121376994997263, 0.006316037382930517, 0.011707437224686146, 0.005380971822887659, -0.005099409259855747, 0.014404875226318836, 0.003416986670345068, -0.004922129213809967, -0.03428805246949196, -0.01253474410623312, 0.03370407223701477, 0.017561156302690506, -0.017046695575118065, -0.008134027011692524, -0.001955294981598854, 0.0266684852540493, 0.005387924145907164, 0.0037472143303602934, -0.03478860855102539, 0.0008994357194751501, 0.01622634194791317, 0.0004123499966226518, -0.012187136337161064, 0.012277514673769474, -0.013674899004399776, 0.004981222562491894, 0.013195199891924858, -0.004810894839465618, 0.009086472913622856, -0.023150693625211716, -0.019869273528456688, 0.0025966318789869547, -0.043548330664634705, -0.025722991675138474, 0.04268626123666763, 0.006663645152002573, -0.0030971872620284557, 0.0421857051551342, -0.011644868180155754, 0.024096187204122543, 0.0036776927299797535, 0.007000824902206659, -0.012506935745477676, -0.04251940920948982, 0.0004201711853966117, -0.007723849732428789, -0.017616773024201393, -0.03890428692102432, -0.02089819312095642, 0.02256671153008938, -0.013758325017988682, -0.010754991322755814, 0.025639565661549568, -0.005613869056105614, 0.01895158737897873, 0.000836866267491132, -0.01890987530350685, 0.015127900056540966, -0.011186025105416775, 0.048220183700323105, 0.017936572432518005, 0.0034030822571367025, -0.026738006621599197, -0.0052454047836363316, 0.0021881924476474524, 0.00156684301327914, 0.01715793088078499, 0.0050229355692863464, -0.003952302969992161, -0.03426024317741394, -0.003293585730716586, -0.0207174364477396, 0.00688959052786231, 0.027169041335582733, 0.01065070927143097, -0.028642898425459862, 0.001857964787632227, -0.007195485755801201, 0.020244689658284187, -0.02017516829073429, 0.009781689383089542, 0.029810862615704536, -0.0007317148265428841, 0.01656004600226879, -0.014919335022568703, -0.004188676364719868, -0.02220519818365574, -0.027363702654838562, 0.02491654083132744, -0.015809211879968643, 0.01589263789355755, 0.001436490099877119, 0.002023078501224518, -0.019897082820534706, -0.012493031099438667, -0.008780578151345253, -0.013501094654202461, -0.01587873324751854, 0.011533633805811405, -0.01979975216090679, 0.0004156088107265532, 0.018089519813656807, -0.005554775707423687, -0.004477191250771284, 0.013758325017988682, 0.02253890223801136, 0.005026411730796099, -0.022052250802516937, -0.0017024101689457893, -0.020328115671873093, 0.004404193256050348, -0.00955226831138134, 0.02671019919216633, -0.0029094789642840624, -0.013709659688174725, -0.033259134739637375, -0.007390146143734455, 0.013278625905513763, -0.03623465821146965, 0.012034188956022263, 0.03553944081068039, -0.01532256044447422, 0.001435621059499681, 0.0028834084514528513, -0.17919887602329254, 0.01692155748605728, 0.022747468203306198, -0.03337036818265915, 0.015531125478446484, 0.03172965720295906, 0.01656004600226879, -0.008912669494748116, 0.0015564148779958487, -0.0004130017478018999, 0.008043648675084114, 0.003213635878637433, -0.0007877666503190994, -0.01910453662276268, 0.0015451175859197974, 0.018520554527640343, 0.011248595081269741, 0.008134027011692524, 0.019229674711823463, 0.00962874200195074, 0.0022316433023661375, -0.020995523780584335, 0.013341194950044155, 0.01395993772894144, -0.006660169456154108, 0.028197960928082466, -0.017922667786478996, -0.0002661373873706907, -0.02310897968709469, -0.007014729548245668, 0.01560064684599638, -0.020091742277145386, 0.015489412471652031, -0.012013332918286324, 0.004657946992665529, 0.025472713634371758, -0.007021681405603886, -0.004021824337542057, -0.010622900910675526, 0.05133474990725517, 0.016907652840018272, 0.015586743131279945, 0.020494967699050903, 0.0022299052216112614, -0.024485507979989052, -0.009642645716667175, 0.017408208921551704, -0.009746928699314594, -0.004432002082467079, -0.01910453662276268, -0.010713278315961361, -0.011603155173361301, 0.037958793342113495, 0.00072172109503299, 0.0010662875138223171, 0.016295863315463066, 0.025180723518133163, 0.011255547404289246, 0.017283068969845772, -0.017255261540412903, -0.02760007604956627, -0.007025157567113638, 0.0232758317142725, -0.00725805526599288, 0.005075076594948769, -0.03172965720295906, -0.03476079925894737, -0.0037715467624366283, -0.03223021328449249, -0.007932414300739765, -0.007018205709755421, -0.0026974380016326904, 0.023387067019939423, 0.002794768428429961, 0.010949651710689068, 0.0040565854869782925, -0.007299767807126045, 0.006962588056921959, -0.008599821478128433, 0.0007278042612597346, -0.020634010434150696, 0.030506078153848648, 0.007404050324112177, -6.077708530938253e-05, 0.005082028917968273, -0.01768629439175129, -0.012138471007347107, -0.023387067019939423, 0.0015112258261069655, 0.007417954504489899, 0.005721627734601498, -0.0068583060055971146, 0.005523491185158491, -0.016629567369818687, 0.00812012329697609, -0.009128185920417309, 0.0035560298711061478, -0.005068124737590551, 0.016268054023385048, 0.008078410290181637, 0.0003460872103460133, -0.004143487196415663, -0.025528332218527794, -0.010129297152161598, 0.04488314688205719, 0.01342462096363306, -0.007626519538462162, -0.010657661594450474, 0.019549474120140076, -0.01782533898949623, -0.007897653616964817, 0.023122884333133698, 0.016323672607541084, 0.001514701871201396, -0.014098980464041233, 0.030172374099493027, 0.005836338270455599, -0.0232758317142725, 0.026446016505360603, -0.016017775982618332, 0.06713005900382996, -0.00116187974344939, -0.02214958146214485, -0.020258594304323196, 0.0027530554216355085, -0.004675327800214291, -0.09543925523757935, -0.0044076694175601006, 0.018131233751773834, 0.013410716317594051, -0.03573410212993622, 0.019076727330684662, -0.008405161090195179, -0.0005470481119118631, -0.014530014246702194, 0.0450499951839447, -0.004880416207015514, -0.014446588233113289, -0.0014408351853489876, -0.00184927461668849, -0.005620821379125118, -0.019021110609173775, 0.020508872345089912, -0.03175746649503708, -0.00730672013014555, 0.017950477078557014, 0.012444366700947285, 0.005825910251587629, -0.007563950028270483, 0.006027522962540388, 0.004932557698339224, 0.011394590139389038, -0.03573410212993622, 0.013104821555316448, 0.019577283412218094, 0.012555601075291634, -0.0015981277683749795, -0.04232475161552429, 0.008787530474364758, -0.02761397883296013, -0.006468984764069319, 0.0038723531179130077, -0.03045046143233776, 0.002191668376326561, 0.025180723518133163, -0.023220214992761612, 0.009190755896270275, 0.005978857632726431, 0.03406558558344841, -0.005405304487794638, -0.02181587740778923, -0.0024419461842626333, -0.026557251811027527, 0.025152914226055145, -0.0041191549971699715, -0.016156820580363274, -0.014933239668607712, -0.009142090566456318, -0.028003299608826637, -0.004268626216799021, 0.02363734319806099, -0.0049777464009821415, 0.004258198197931051, 0.008989143185317516, -0.016268054023385048, -0.002869504038244486, -0.01836760714650154, 0.0012453056406229734, -0.020244689658284187, 0.02413789927959442, 0.022691849619150162, 0.006097044330090284, -0.027461031451821327, -0.0338987335562706, 0.0005361853400245309, -0.0019657232332974672, -0.013806989416480064, 0.021899303421378136, -0.019591186195611954, 0.012548648752272129, -0.02812843956053257, -0.010608996264636517, -0.025347575545310974, -0.030506078153848648, 0.003681168658658862, -0.010880130343139172, -0.002182978205382824, -0.021134566515684128, -0.00281736277975142, -0.006639312952756882, 0.008377352729439735, -0.012778069823980331, -0.022691849619150162, 0.009593980386853218, 0.023498300462961197, -0.042296942323446274, 0.0313403382897377, 0.02562566101551056, -0.013744420371949673, -0.0142380241304636, 0.010845369659364223, 0.03592876344919205, -0.004067013505846262, -0.006569791119545698, 0.017755815759301186, -0.0007921117357909679, -0.035066694021224976, 0.0006721869576722383, -0.0771411657333374, 0.030728546902537346, 0.004640566650778055, -0.0169493667781353, -0.0013895629672333598, -0.013973841443657875, 0.021704643964767456, 0.0099068284034729, -0.004178248345851898, 0.0011427613208070397, -0.02906002849340439, 0.0015546767972409725, -0.006681025959551334, -0.009753880091011524, -0.013118726201355457, -0.010921843349933624, 0.02253890223801136, -0.008210500702261925, 0.019354812800884247, 0.020147358998656273, 0.006677549798041582, 0.010748038999736309, 0.003039831994101405, 0.03298104554414749, -0.010706325992941856, -0.01603168062865734, -0.007591758854687214, -0.0034135105088353157, -0.004560616798698902, 0.0059858099557459354, 0.01533646509051323, -0.04727468639612198, -0.00018195106531493366, 0.006107472348958254, -0.0011949024628847837, -0.013806989416480064, -0.00681311683729291, 8.364317181985825e-05, 0.0029077408835291862, 0.058342527598142624, -0.05895431712269783, -0.025375384837388992, -0.010720230638980865, -0.01656004600226879, -0.008182692341506481, 0.017936572432518005, 0.02721075341105461, 0.008245261386036873, 0.010845369659364223, -0.010025015100836754, 0.03734700381755829, 0.010935747995972633, -0.008280023001134396, -0.0616239458322525, -0.0064446525648236275, 0.01854836381971836, 0.006597599945962429, -0.015239134430885315, 0.0019292243523523211, -0.016726896166801453, 0.03103444166481495, 0.011040030047297478, 0.03784755989909172, 0.01290320884436369, 0.01162401121109724, -0.006833973340690136, -0.00021616872982122004, -0.0028399573639035225, -0.016907652840018272, -0.02490263804793358, -0.009851210750639439, 0.006823544856160879, 0.006632360629737377, 0.02722465805709362, 0.0074735721573233604, -0.012632074765861034, -0.01696326956152916, 0.007577854208648205, -0.02903222106397152, 0.008690199814736843, 0.036179039627313614, -0.0023741626646369696, -0.016907652840018272, 0.009308942593634129, 0.01949385739862919, -0.010845369659364223, -0.011603155173361301, 0.01505837868899107, 0.011366781778633595, 0.011582298204302788, -0.006427271757274866, 0.010699374601244926, 0.004755277652293444, -0.0030954491812735796, 0.0008572882506996393, 0.022858701646327972, -0.018311988562345505, -0.0005274951690807939, 0.03701329976320267, 0.019354812800884247, -0.003109353594481945, 0.006368178408592939, 0.001233139424584806, -0.027280276641249657, -0.02668238990008831, 0.010059775784611702, -0.030533887445926666, 0.008884860202670097, 0.0017024101689457893, -0.020230785012245178, 0.03406558558344841, 0.006962588056921959, 0.0007204175926744938, 0.014175454154610634, -0.03437148034572601, -0.0011844742111861706, 0.007550045847892761, -0.02761397883296013, -0.03356502950191498, 0.039404843002557755, -0.004609282128512859, -0.003952302969992161, 0.028378717601299286, 0.0035873146262019873, 0.03281419351696968, 0.024290846660733223, 0.02773911878466606, -0.0024506363552063704, 0.022121774032711983, -0.03698549047112465, 0.011922954581677914, -0.0017024101689457893, -0.0029477158095687628, -0.001144499285146594, -0.011026125401258469, -0.014161549508571625, -0.00526973744854331, -0.013549759984016418, -0.008933525532484055, 0.08409332484006882, 0.026084505021572113, 0.004254722036421299, -0.00410177418962121, -0.03384311497211456, 0.002897312631830573, 0.03984978049993515, -0.01533646509051323, -0.0297552440315485, -0.04674632474780083, -0.006781832315027714, -0.002414137590676546, 0.009600932709872723, -0.025903748348355293, 0.00437986059114337, -0.015378178097307682, -0.018812544643878937, 0.029616201296448708, -0.009114282205700874, 0.009176851250231266, 0.015517220832407475, 0.02089819312095642, 0.018673501908779144, 0.015614551492035389, -0.012889305129647255, -0.005464397836476564, 0.01877083256840706, -0.008704104460775852, 0.02755836211144924, -0.032369256019592285, 0.0030085472390055656, 0.008773625828325748, -0.03428805246949196, -0.019021110609173775, -0.011144312098622322, -0.009719119407236576, -0.005186311434954405, -0.008912669494748116, 0.026988284662365913, 0.0036429318133741617, 0.014974952675402164, 0.02128751389682293, 0.010171010158956051, -0.009510555304586887, -0.0023724245838820934, -0.01280587911605835, -0.024026665836572647, -0.009350655600428581, -0.01911843940615654], metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='73cdc09e-420e-431c-9e55-e948e7464da7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='27db942e3c161f4d37ac6cd774c3752a8e7c6dd74baf8c15171c24b222f8bcce'), <NodeRelationship.PREVIOUS: '2'>: RelatedNodeInfo(node_id='1f5869fe-3b2e-4025-908d-e92d46faa944', node_type=<ObjectType.TEXT: '1'>, metadata={'page_label': '13', 'file_name': 'hnsw.pdf', 'authors': ['Yu. A. Malkov', 'D. A. Yashunin'], 'title': 'Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small World graphs'}, hash='f2c98cc1dcedcc4f7a8354ac9d711661ca03c7ef887abbd4dd13135130120e6a')}, hash='cea0a7fa5bb6f9d314841410692d8b5edb14e5e8556220d856c952256e53fb35', text='30, no. 9, pp. 1647-1658, 2008. [57] E. S. Tellez, E. Chávez, and G. Navarro, \"Succinct nearest neighbor search,\" Information Systems, vol. 38, no. 7, pp. 1019-1030, 2013. [58] P. Sojka, \"Software fram ework for topic modelling with large corpora,\" in In Proceedings of the LREC 2010 Workshop on New Challenges for NLP Frameworks , 2010: Citeseer. [59] C. Beecks, \"Distance-based similarity models for content-based multimedia retrieval,\" Hochschulbibliothek der R heinisch-Westfälischen Technischen Hochschule Aachen, 2013. Yury A. Malkov received a Master’s degree in physics from Nizhny Novgorod State University in 2009, and a PhD degree in laser phy sics from the Institute of Applied Physics RAS in 2015. He is author of 20+ papers on physics and computer science . Yury currently occupies a position of a Project Leader in Samsung AI Center in Moscow . His current research interests include deep lear ning, scalable sim ilarity search, biological and artificial neural networks. Dmitry A. Yashunin received a Master’s degree in physics from Nizhny Novgorod State University in 2009, and a PhD degree in laser physics from the Institute of Applied Physics RAS in 2015. From 2008 to 2012 he was working in Mera Networks . He is author of 10+ papers on physics. Dmitry currently woks at Intelli-Vision in the pos ition of a leading research engineer. His current research interests include scalable similarity search, computer vision and deep lear ning. ', start_char_idx=1426, end_char_idx=2885, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n')]"
469
      ]
470
     },
471
     "execution_count": 12,
472
     "metadata": {},
473
     "output_type": "execute_result"
474
    }
475
   ],
476
   "source": [
477
    "# Our pipeline with the addition of our PineconeVectorStore\n",
478
    "pipeline = IngestionPipeline(\n",
479
    "    transformations=[\n",
480
    "        SemanticSplitterNodeParser(\n",
481
    "            buffer_size=1,\n",
482
    "            breakpoint_percentile_threshold=95,\n",
483
    "            embed_model=embed_model,\n",
484
    "            ),\n",
485
    "        embed_model,\n",
486
    "        ],\n",
487
    "        vector_store=vector_store  # Our new addition\n",
488
    "    )\n",
489
    "\n",
490
    "# Now we run our pipeline!\n",
491
    "pipeline.run(documents=cleaned_docs)\n"
492
   ]
493
  },
494
  {
495
   "cell_type": "code",
496
   "execution_count": 15,
497
   "metadata": {
498
    "colab": {
499
     "base_uri": "https://localhost:8080/"
500
    },
501
    "id": "IJmHDNzUFPkK",
502
    "outputId": "675db08a-ac2d-4803-9d30-2a4a7767ef63"
503
   },
504
   "outputs": [
505
    {
506
     "data": {
507
      "text/plain": [
508
       "{'dimension': 1536,\n",
509
       " 'index_fullness': 0.0,\n",
510
       " 'namespaces': {'': {'vector_count': 46}},\n",
511
       " 'total_vector_count': 46}"
512
      ]
513
     },
514
     "execution_count": 15,
515
     "metadata": {},
516
     "output_type": "execute_result"
517
    }
518
   ],
519
   "source": [
520
    "pinecone_index.describe_index_stats()"
521
   ]
522
  },
523
  {
524
   "cell_type": "markdown",
525
   "metadata": {
526
    "id": "cqMV456NH9ae"
527
   },
528
   "source": [
529
    "# Query the data"
530
   ]
531
  },
532
  {
533
   "cell_type": "code",
534
   "execution_count": 17,
535
   "metadata": {
536
    "colab": {
537
     "base_uri": "https://localhost:8080/"
538
    },
539
    "id": "WUAD0kIFH_fc",
540
    "outputId": "61ed62f7-0673-4860-fbd7-63483dfe077d"
541
   },
542
   "outputs": [
543
    {
544
     "name": "stdout",
545
     "output_type": "stream",
546
     "text": [
547
      "['AUTHOR ET AL.: TITL E 7 be auto-configured by using sample data. The construction process can be easily and efficiently parallelized with only few synchronization points (as demonstrated in Fig. 9) and no measurable effect on index quality. Construction speed/index q uality tradeoff is co ntrolled via the efConstruction parameter. The tradeoff between the search time and the index construction time is presented in Fig. 10 for a 10M SIFT dataset and shows that a reasonable quality index can be constructed for efConstruct ion=100 on a 4X 2.4 GHz 10-core Xeon E5-4650 v2 CPU server in just 3 minutes. Further increase of the efConstruction leads to little extra performance but in exchange of significantly longer construction time. 4.2 Complexity analysis 4.2.1 Search complex ity The complexity scaling of a single search can be strictly analyzed under the assumption that we build exact D elaunay graphs instead of the approximate ones. Suppose we have found the closest element on some layer (this is guaranteed by having the Delaunay graph) and then d escended to the next layer . One can show that the average number of steps before we find the closest element in the layer is bounded by a constant. Indeed, the layers are not correlated with the spatial position s of the data elements and , thus , when we tra verse the graph there is a fixed probability p=exp( -mL) that the next node belongs to the upper layer. However, the search on the layer always terminates before it reaches the element which belongs to the higher layer (otherwise the search on the upper layer would have stopped on a different element), so the p robability of not reaching the ta rget on s-th step is bounded by exp( -s· mL). Thus the expected number of steps in a layer is bounded by a sum of geometric progression S =1/(1-exp( -mL)), which is independent of the dataset size . If we assume that the average degree of a node in the Delaunay graph is capped by a constant C in the limit of the large dataset (this is the case for random Euclid d ata [48], but can be in principle violated in exotic spaces), then the overall average number of distance evaluations in a layer is bounded by a constant C· S, independent ly of the dataset size. And since the expectation of the maximum layer index by the construction scales as O(log(N)), the overall co mplexity scaling is O(log(N)), in agreement with the simulations on low dimensional dataset s. The inital assumption of having the exact Delaunay graph violates in Hierarchical NSW due to usage of a pproximate edge selection heuristic with a fixed number of neighbor s per element . ', 'Thus, t o avoid stucking into a l ocal minimum the greedy search algo rithm em ploy s a backtracking procedure on the zero layer. Simulations show that at least for low dimensional data (Fig. 11, d=4) the dependence of the required ef parameter (which determines the complexity via t he minimal number of hops during the backtracking) to get a fixed recall saturates with the rise of the dataset size . The b acktracking co mplexity is an additive term in respect to the final comple xity, thus, as follows from the empirical data, inaccuracies of the Delauna y graph approximation do not alter the scaling . Such empirical investigation of the Delaunay graph approximation resilience require s having the average number of Delaunay graph edges independent of the d ataset to evidence how well the edges are approximated with a constant number of connections in Hierarchical NSW. However, the average degree of Delaunay graph scales exponentially with the dimensionality [39]), thus for high dimensional data (e.g. d=128) the aforeme ntioned condition requires having extremely larg e datasets, mak ing such empricial investigation unfeasible. Further analitical evidence is required to confirm whether the resilience of Delaunay graph aproximations genera lizes to higher dimensional spaces. 4.2.2 Construction complexity The construction is done by iterative insertions of all el ements, while the insertion of an element is merely a sequence of K-ANN-searches at different layers with a su bsequent use of heuristic (which has fixed complexity at fixed efConstruction ). The average number of lay ers for an element to be added in is a constant that depends on mL: \\uf05b\\uf05d\\uf05b \\uf05d 1 ln( (0,1)) 1 1LL E l E unif m m\\uf02b \\uf03d \\uf02d \\uf02b \\uf03d \\uf02b (1) Thus, the insertion complexiy scaling is the same as the one for the search, meaning that at least for relatively low dimensional datasets the construction time scales as O(N∙log( N)). 0 5 10 15 20 25 30 35 400102030405060708090Build time, minutesThread count10M SIFT, d=128, M=16 , efConstruction =100 4X Xeon E5-4650 v2 (4x10 cores) Core i7-6850K (6 cores+HT) 0 2 4 6 8 10 120.20.30.40.50.60.7Query time, msBuild time, minutes10M SIFT, d=128, M=16,Recall 0.9, 1-NN 100101102103104105106107108109024681012Average ef to reach target recallDataset sizeRandom vectors, d=4M=6, Mmax0=12, 1-NN Recall=0.9 Recall=0.99 Recall=0.999 Fig. 9. Construction time for Hierarchical NSW on 10M SIFT dataset for different numbers of threads on two CPUs. Fig. 10. Plots of t he query time vs constru ction time tradeoff for Hierarchical NSW on 10M SIFT dataset. ', 'The search is terminated when some stopping condition is met (e.g. the number of distance calculations). Links to the closest neighbors in a k-NN graph serve as a simple approximation of the Delaunay graph [25, 26] ( a graph which guranties that the result of a basic greedy graph traversal is always the nearest neighbor). Unfortunately, Delaunay graph cannot be efficiently constructed without prior information about the structure of a space [4], but its approximation by the nearest neighbors can be done by using only distances between the stored elements . It was shown that proximity graph approaches with such approximation perform competitive to other k-ANNS thechniques , such as kd-trees or LSH [18-26]. The main drawbacks of the k-NN graph approach es are: 1) the power law scaling of the number of steps with the dataset size during the routing process [28, 29] ; 2) a possible loss of global connectivity which leads to poor search results on clusetered data . To overcome these problems many hybrid approaches have been proposed that use auxiliary algorithms applicable only for vector data (such as kd-trees [18, 19] and product quantization [10]) to find better candidates for the enter nodes by doing a coarse search. In [25, 26, 30] authors proposed a proximity graph K-ANNS algorithm called Navigable Small World (NSW, also known as Metricized Small World, MSW), which utilized navigable graphs, i.e. graphs with logarithmic or polylogarithmic scaling of the number of hops during the greedy traversal with the respect of the network size [31, 32]. The NSW graph is constructed via consec utive insertion of elements in random order by bidirectio nally connecting them to the M closest neighbors from the previously inserted elements. The M closest neighbors are found using the structure’s search procedure (a variant of a greedy search from multipl e random enter nodes ). Links to the closest neighbors of the elements inserted in the beginning of the construction later become bridges betwee n the network hubs that keep the overall graph connectivity and allow the logarithmic scaling of the number of hops during greedy routing . Const ruction phase of the NSW structure can be eff iciently parallelized without global synchronization and without mesuarable effect on accuracy [26] , being a good choice for distributed search systems. The NSW approach delivered the state-of-the-art performance on some d atasets [33, 34] , however, due to the overall polylogarit hmic complexity scaling , the algorithm was still prone to severe performance degradation on low dimensional d atasets (on which NSW could lose to tree-based algorithms by several orders of magnitude [34]). 2.2 Navigable small world models Networks with logarithmic or polylogarithmic scaling of the greedy graph r outing are known as the navigable small world networks [31, 32] . Such networks are an i mportant topic of complex network theory aiming at u nderstanding of underlying mechanisms of real-life ne tworks formation in order to apply them for appli cations of scalable routing [32, 35, 36] and distributed similarity search [25, 26, 30, 37-40]. The first works to consider spatial models of navigable networks were done by J. Kleinberg [31, 41] as social ne twork models for the famous Milgram experiment [42]. Kleinberg studied a variant of random Watts-Strogatz networks [43], using a regular lattice graph in d-dimensional vector space together with augmentation of long-range links following a specific long link length di stribution r-\\uf061. For \\uf061=d the number of hops to get to the target by greedy routing scales polylogarithmically (i nstead of a power law for any other value of \\uf061). This idea has inspired development of many K-NNS and K-ANNS algorithms based on the navigation effect [37-40]. But even though the Kleinberg’s navigability criterion in principle can be extended for more general spaces, in o rder to build such a navigable network one has to know the data distribution beforehand . In addition, g reedy routing in Kleinberg’s graphs suffers fr om polylogarit hmic complexity scalability at best. Another well-known class of navigable networks are the scale-free models [32, 35, 36] , which can reproduce several features of real-life networks and advertised for routing applications [35]. However, n etworks produced by such models have even worse power law complexity scaling of the greedy search [44] and, just like the Klei nberg’s model, scale-free models require global knowledge of the data distribution, making them unusable for search applications. The above-described NSW algorithm uses a simpler, previously unknown model of navigable networks, a llowing decentralized graph construction and suitable for data in arbitrary spaces. It was suggested [44] that the NSW network formation mechanism may be respon sible for navigability of large-scale biological neural networks (presence of which is disputable): similar models were able to describe growth of small brain networks, while the model predicts several high-level features observed in large scale neural net works. However, the NSW model also suffers from the polylogarithmic search complexity of the routing process. 3 MOTIVATION The ways of improving the NSW search complexity can be identified through the analysis of the routing process, which was studied in detail in [32, 44] . The routing can be divided into two phases: “zoom-out” and “zoom-in” [32]. The greedy algorithm starts in the “zoom-out” phase ', 'AUTHOR ET AL.: TITL E 3 from a low degree node and traverses the graph simult aneously increasing the node’s degree until the characteri stic radius of the node links length reaches the scale of the distance to the query. Before the latter happens, the ave rage degree of a node can stay relatively small, which leads to an increased probabilit y of being stuck in a di stant false local minimum. One can avoid the described problem in NSW by star ting the search from a node with the maximum degree (good candidates are the first nodes inserted in the NSW structure [44]), directly going to the “zoom-in” phase of the search. Tests show that setting hubs as starting points substantially increases probability of successful routing in the structure and provides significantly better perfo rmance at low dimensional data. However, it still has only a polyloga rithmic complexity scalability of a single greedy search at best , and performs worse on high d imensional data compared to Hierarchical NSW. The reason for the polylogarithmic complexity scaling of a single greedy search in NSW is that the overall nu mber o f distance computations is roughly proportional to a product of the average number of greedy algorithm hops by the average degree of the nodes on the greedy path. The average number of hops scales logarithmically [26, 44], while the average degree of the nodes on the greedy path also scales logarithmically due to the facts that: 1) the greedy search tends to go through the same hubs as the network grows [32, 44] ; 2) the average number of hub connections grow s logarithmically with an increase of the network size. Thus we get an overall po lylogarithmic dependence of the resulting complexity. The idea of Hierarchical NSW algorithm is to separate the links according to their length scale into different layers and then search in a multilayer graph. In this case we can evaluate only a needed fixed portion of the conne ctions for each element independently of the networks size, thus allowing a logarithmic scalability. In such stru cture t he search starts from the upper laye r which has only the long est links (the “zoom-in” phase) . The algorithm greedily traverses through the elements from the upper layer until a local minimum is reached (see Fig. 1 for illu stration) . After that, the search switches to the lower layer (which h as shorter links ), restarts from the element which was the local minimum in the previous layer and the pr ocess repeats . The maximum number of connections per element in all layers can be made constant , thus allowing a logarithmic complexity scaling of rout ing in a navigable small world network . One way to form such a layered structure is to explici tly set links with different length scales by introducing layers. For every element we select an integer level l which defines the maximum layer for which the element belongs to. For all elements in a layer a proximity graph (i.e. graph containing only “short” links that approximate Delaunay graph) is built incrementally. If we set an exp onentially decaying probabil ity of l (i.e. following a ge ometric distribution) we get a logarithmic scaling of the expected number of layers in the structure. The search procedure is an iterative greedy search starting from the top layer and finishing at the zero layer . In case we m erge connections from all layers, the stru cture becomes similar to the NSW graph (in this case the l can be put in correspondence to the node degree in NSW). In contrast to NSW, Hierarchical NSW constru ction algorithm does not require the elements to be shuffled before the insert ion-the stochasticity is achieved by using level random ization , thus allowing truly increme ntal indexing even in case of temporaril y alterating data distribution ( though changing the order of the inser tion slightly alters the performace due to only partially determenistic construction procedure ). The Hierarchical NSW idea is also very similar to a well-known 1D probabilistic skip list structure [27] and can be described using its terms. The major difference to skip list is that we generalize the structure by replacing the linked list with proximity graphs. ', 'When the search reaches the layer that is equal or less than l, the second phase of the construction algorithm is initiated . The second phase differs in two points: 1) the ef parameter is increased from 1 to efConstruction in order to control the recall of the greedy search procedure; 2) the found closest neighbors on each layer are also used as candidates for the connections of the inserted element. Two methods for the selection of M neighbors from the candidates were considered: simple connection to the closest elements (alg. 3) and the heuristic that accounts for the distances between the candidate elements to create connections in diverse direction s (alg. 4), described in the Section 3. The heuristic has two additional parameters: extendCandidates (set to false by default) which extends the candidate set and useful only for extremely clustered data, and keepPrunedConnections which allows getting fixed number of connection per element . The maximum number of connections that an element can have per layer is defined by the parameter Mmax for every layer higher than zero (a special parameter Mmax0 is used for the ground layer sep arately). If a node is already full at the moment of making of a new connection, then its extended connection list gets shrunk by the same algorithm that used for the neighbors selection (algs. 3 or 4). The insertion procedure terminates when the conne ctions of the inserted elements are established on the zero layer. The K-ANNS search algorithm used in Hierarchical NSW is presented in alg. 5. It is roughly equivalent to the insertion algorithm for an item with layer l=0. The diffe rence is that the closest neighbors found at the ground layer which are used as candidates for the connections are now returned as the search result. The quality of the search is controlled by the ef parameter (corresponding to efConstruction in the construction algorithm). 4.1 In fluence of the construction parameters Algorithm construction parameters mL and Mmax0 are r esponsible for maintaining the small world navigability in the constructed graphs. Setting mL to zero (this corr esponds to a single layer in the graph) and Mmax0 to M leads to production of directed k-NN graphs with a po wer-law search complexity well studied before [21, 29] (assuming using the alg. 3 for neighbor selection). Setting mL to zero and Mmax0 to infinity leads to production of NSW graphs with polylogarithmi c complexity [25, 26] . Finally, setting mL to some non-zero value leads to emergence of controllable hierarchy graphs w hich allow logarithmic search complexity by introduction of layers (see the Se ction 3). To achieve the optimum performance advantage of the controllable hierarchy, the overlap between neighbors on different layers (i.e. percent of element neighbors that are also belong to other layers) has to be small. In order to decrease the overlap we need to decrease the mL. Howe ver, at the same time, decreas ing mL leads to an increase of average hop number during a greedy search on each la yer, which negatively affects the performance. This leads to existence of the optimal value for the mL parameter . A simple choice for the optimal mL is 1/ln( M), this co rresponds to the skip list parameter p=1/M with an ave rage single element overlap between the layers. Simul ations done on an Intel Core i7 5930K CPU show that the proposed selection of mL is a reasonable choice (see Fig. ']\n"
548
     ]
549
    }
550
   ],
551
   "source": [
552
    "from llama_index import VectorStoreIndex\n",
553
    "from llama_index.retrievers import VectorIndexRetriever\n",
554
    "\n",
555
    "# Due to how LlamaIndex works here, if your Open AI API key was\n",
556
    "# not set to an environment variable before, you have to set it at this point\n",
557
    "if not os.getenv('OPENAI_API_KEY'):\n",
558
    "    os.environ['OPENAI_API_KEY'] = openai_api_key\n",
559
    "\n",
560
    "# Instantiate VectorStoreIndex object from our vector_store object\n",
561
    "vector_index = VectorStoreIndex.from_vector_store(vector_store=vector_store)\n",
562
    "\n",
563
    "# Grab 5 search results\n",
564
    "retriever = VectorIndexRetriever(index=vector_index, similarity_top_k=5)\n",
565
    "\n",
566
    "# # Query vector DB\n",
567
    "answer = retriever.retrieve('How does logarithmic complexity affect graph construction?')\n",
568
    "\n",
569
    "# # Inspect results\n",
570
    "print([i.get_content() for i in answer])"
571
   ]
572
  },
573
  {
574
   "cell_type": "code",
575
   "execution_count": 18,
576
   "metadata": {
577
    "colab": {
578
     "base_uri": "https://localhost:8080/"
579
    },
580
    "id": "lstYKSRxcT06",
581
    "outputId": "c7bbcd40-8eda-4257-c9af-ae360cba0ead"
582
   },
583
   "outputs": [
584
    {
585
     "data": {
586
      "text/plain": [
587
       "5"
588
      ]
589
     },
590
     "execution_count": 18,
591
     "metadata": {},
592
     "output_type": "execute_result"
593
    }
594
   ],
595
   "source": [
596
    "# See how many Nodes we we retrieved (should be 5, because we made similarity_top_k=5)\n",
597
    "\n",
598
    "len([i.get_content() for i in answer])"
599
   ]
600
  },
601
  {
602
   "cell_type": "markdown",
603
   "metadata": {
604
    "id": "oio_1WkcJ1fd"
605
   },
606
   "source": [
607
    "# Build a RAG app with the data"
608
   ]
609
  },
610
  {
611
   "cell_type": "code",
612
   "execution_count": 19,
613
   "metadata": {
614
    "colab": {
615
     "base_uri": "https://localhost:8080/",
616
     "height": 122
617
    },
618
    "id": "2e1MoWDLIDea",
619
    "outputId": "a87744a3-6bf4-4f30-9992-5de7832d4266"
620
   },
621
   "outputs": [
622
    {
623
     "data": {
624
      "application/vnd.google.colaboratory.intrinsic+json": {
625
       "type": "string"
626
      },
627
      "text/plain": [
628
       "'Logarithmic complexity in graph construction allows for efficient and scalable routing in the graph. It achieves this by organizing the graph into different layers based on their length scale. The search procedure starts from the top layer, which contains the longest links, and greedily traverses through the elements until a local minimum is reached. Then, the search switches to the lower layer with shorter links and repeats the process. By separating the links into layers, the maximum number of connections per element in all layers can be kept constant, resulting in a logarithmic complexity scaling for routing in the graph. This logarithmic complexity is achieved by selecting an integer level for each element, which determines the maximum layer it belongs to. The construction algorithm incrementally builds a proximity graph for each layer, and the search procedure is an iterative greedy search starting from the top layer and finishing at the zero layer. Overall, logarithmic complexity in graph construction allows for efficient and robust approximate nearest neighbor search.'"
629
      ]
630
     },
631
     "execution_count": 19,
632
     "metadata": {},
633
     "output_type": "execute_result"
634
    }
635
   ],
636
   "source": [
637
    "from llama_index.query_engine import RetrieverQueryEngine\n",
638
    "\n",
639
    "# Pass in your retriever from above, which is configured to return the top 5 results\n",
640
    "query_engine = RetrieverQueryEngine(retriever=retriever)\n",
641
    "\n",
642
    "# Now you query:\n",
643
    "llm_query = query_engine.query('How does logarithmic complexity affect graph construction?')\n",
644
    "\n",
645
    "llm_query.response\n"
646
   ]
647
  },
648
  {
649
   "cell_type": "code",
650
   "execution_count": 61,
651
   "metadata": {
652
    "colab": {
653
     "base_uri": "https://localhost:8080/"
654
    },
655
    "id": "p1JitDo8NgSz",
656
    "outputId": "1225b685-f781-449c-98f3-a746d9e55094"
657
   },
658
   "outputs": [
659
    {
660
     "data": {
661
      "text/plain": [
662
       "['AUTHOR ET AL.: TITL E 7 be auto-configured by using sample data. The construction process can be easily and efficiently parallelized with only few synchronization points (as demonstrated in Fig. 9) and no measurable effect on index quality. Construction speed/index q uality tradeoff is co ntrolled via the efConstruction parameter. The tradeoff between the search time and the index construction time is presented in Fig. 10 for a 10M SIFT dataset and shows that a reasonable quality index can be constructed for efConstruct ion=100 on a 4X 2.4 GHz 10-core Xeon E5-4650 v2 CPU server in just 3 minutes. Further increase of the efConstruction leads to little extra performance but in exchange of significantly longer construction time. 4.2 Complexity analysis 4.2.1 Search complex ity The complexity scaling of a single search can be strictly analyzed under the assumption that we build exact D elaunay graphs instead of the approximate ones. Suppose we have found the closest element on some layer (this is guaranteed by having the Delaunay graph) and then d escended to the next layer . One can show that the average number of steps before we find the closest element in the layer is bounded by a constant. Indeed, the layers are not correlated with the spatial position s of the data elements and , thus , when we tra verse the graph there is a fixed probability p=exp( -mL) that the next node belongs to the upper layer. However, the search on the layer always terminates before it reaches the element which belongs to the higher layer (otherwise the search on the upper layer would have stopped on a different element), so the p robability of not reaching the ta rget on s-th step is bounded by exp( -s· mL). Thus the expected number of steps in a layer is bounded by a sum of geometric progression S =1/(1-exp( -mL)), which is independent of the dataset size . If we assume that the average degree of a node in the Delaunay graph is capped by a constant C in the limit of the large dataset (this is the case for random Euclid d ata [48], but can be in principle violated in exotic spaces), then the overall average number of distance evaluations in a layer is bounded by a constant C· S, independent ly of the dataset size. And since the expectation of the maximum layer index by the construction scales as O(log(N)), the overall co mplexity scaling is O(log(N)), in agreement with the simulations on low dimensional dataset s. The inital assumption of having the exact Delaunay graph violates in Hierarchical NSW due to usage of a pproximate edge selection heuristic with a fixed number of neighbor s per element . ',\n",
663
       " 'Thus, t o avoid stucking into a l ocal minimum the greedy search algo rithm em ploy s a backtracking procedure on the zero layer. Simulations show that at least for low dimensional data (Fig. 11, d=4) the dependence of the required ef parameter (which determines the complexity via t he minimal number of hops during the backtracking) to get a fixed recall saturates with the rise of the dataset size . The b acktracking co mplexity is an additive term in respect to the final comple xity, thus, as follows from the empirical data, inaccuracies of the Delauna y graph approximation do not alter the scaling . Such empirical investigation of the Delaunay graph approximation resilience require s having the average number of Delaunay graph edges independent of the d ataset to evidence how well the edges are approximated with a constant number of connections in Hierarchical NSW. However, the average degree of Delaunay graph scales exponentially with the dimensionality [39]), thus for high dimensional data (e.g. d=128) the aforeme ntioned condition requires having extremely larg e datasets, mak ing such empricial investigation unfeasible. Further analitical evidence is required to confirm whether the resilience of Delaunay graph aproximations genera lizes to higher dimensional spaces. 4.2.2 Construction complexity The construction is done by iterative insertions of all el ements, while the insertion of an element is merely a sequence of K-ANN-searches at different layers with a su bsequent use of heuristic (which has fixed complexity at fixed efConstruction ). The average number of lay ers for an element to be added in is a constant that depends on mL: \\uf05b\\uf05d\\uf05b \\uf05d 1 ln( (0,1)) 1 1LL E l E unif m m\\uf02b \\uf03d \\uf02d \\uf02b \\uf03d \\uf02b (1) Thus, the insertion complexiy scaling is the same as the one for the search, meaning that at least for relatively low dimensional datasets the construction time scales as O(N∙log( N)). 0 5 10 15 20 25 30 35 400102030405060708090Build time, minutesThread count10M SIFT, d=128, M=16 , efConstruction =100 4X Xeon E5-4650 v2 (4x10 cores) Core i7-6850K (6 cores+HT) 0 2 4 6 8 10 120.20.30.40.50.60.7Query time, msBuild time, minutes10M SIFT, d=128, M=16,Recall 0.9, 1-NN 100101102103104105106107108109024681012Average ef to reach target recallDataset sizeRandom vectors, d=4M=6, Mmax0=12, 1-NN Recall=0.9 Recall=0.99 Recall=0.999 Fig. 9. Construction time for Hierarchical NSW on 10M SIFT dataset for different numbers of threads on two CPUs. Fig. 10. Plots of t he query time vs constru ction time tradeoff for Hierarchical NSW on 10M SIFT dataset. ',\n",
664
       " 'The search is terminated when some stopping condition is met (e.g. the number of distance calculations). Links to the closest neighbors in a k-NN graph serve as a simple approximation of the Delaunay graph [25, 26] ( a graph which guranties that the result of a basic greedy graph traversal is always the nearest neighbor). Unfortunately, Delaunay graph cannot be efficiently constructed without prior information about the structure of a space [4], but its approximation by the nearest neighbors can be done by using only distances between the stored elements . It was shown that proximity graph approaches with such approximation perform competitive to other k-ANNS thechniques , such as kd-trees or LSH [18-26]. The main drawbacks of the k-NN graph approach es are: 1) the power law scaling of the number of steps with the dataset size during the routing process [28, 29] ; 2) a possible loss of global connectivity which leads to poor search results on clusetered data . To overcome these problems many hybrid approaches have been proposed that use auxiliary algorithms applicable only for vector data (such as kd-trees [18, 19] and product quantization [10]) to find better candidates for the enter nodes by doing a coarse search. In [25, 26, 30] authors proposed a proximity graph K-ANNS algorithm called Navigable Small World (NSW, also known as Metricized Small World, MSW), which utilized navigable graphs, i.e. graphs with logarithmic or polylogarithmic scaling of the number of hops during the greedy traversal with the respect of the network size [31, 32]. The NSW graph is constructed via consec utive insertion of elements in random order by bidirectio nally connecting them to the M closest neighbors from the previously inserted elements. The M closest neighbors are found using the structure’s search procedure (a variant of a greedy search from multipl e random enter nodes ). Links to the closest neighbors of the elements inserted in the beginning of the construction later become bridges betwee n the network hubs that keep the overall graph connectivity and allow the logarithmic scaling of the number of hops during greedy routing . Const ruction phase of the NSW structure can be eff iciently parallelized without global synchronization and without mesuarable effect on accuracy [26] , being a good choice for distributed search systems. The NSW approach delivered the state-of-the-art performance on some d atasets [33, 34] , however, due to the overall polylogarit hmic complexity scaling , the algorithm was still prone to severe performance degradation on low dimensional d atasets (on which NSW could lose to tree-based algorithms by several orders of magnitude [34]). 2.2 Navigable small world models Networks with logarithmic or polylogarithmic scaling of the greedy graph r outing are known as the navigable small world networks [31, 32] . Such networks are an i mportant topic of complex network theory aiming at u nderstanding of underlying mechanisms of real-life ne tworks formation in order to apply them for appli cations of scalable routing [32, 35, 36] and distributed similarity search [25, 26, 30, 37-40]. The first works to consider spatial models of navigable networks were done by J. Kleinberg [31, 41] as social ne twork models for the famous Milgram experiment [42]. Kleinberg studied a variant of random Watts-Strogatz networks [43], using a regular lattice graph in d-dimensional vector space together with augmentation of long-range links following a specific long link length di stribution r-\\uf061. For \\uf061=d the number of hops to get to the target by greedy routing scales polylogarithmically (i nstead of a power law for any other value of \\uf061). This idea has inspired development of many K-NNS and K-ANNS algorithms based on the navigation effect [37-40]. But even though the Kleinberg’s navigability criterion in principle can be extended for more general spaces, in o rder to build such a navigable network one has to know the data distribution beforehand . In addition, g reedy routing in Kleinberg’s graphs suffers fr om polylogarit hmic complexity scalability at best. Another well-known class of navigable networks are the scale-free models [32, 35, 36] , which can reproduce several features of real-life networks and advertised for routing applications [35]. However, n etworks produced by such models have even worse power law complexity scaling of the greedy search [44] and, just like the Klei nberg’s model, scale-free models require global knowledge of the data distribution, making them unusable for search applications. The above-described NSW algorithm uses a simpler, previously unknown model of navigable networks, a llowing decentralized graph construction and suitable for data in arbitrary spaces. It was suggested [44] that the NSW network formation mechanism may be respon sible for navigability of large-scale biological neural networks (presence of which is disputable): similar models were able to describe growth of small brain networks, while the model predicts several high-level features observed in large scale neural net works. However, the NSW model also suffers from the polylogarithmic search complexity of the routing process. 3 MOTIVATION The ways of improving the NSW search complexity can be identified through the analysis of the routing process, which was studied in detail in [32, 44] . The routing can be divided into two phases: “zoom-out” and “zoom-in” [32]. The greedy algorithm starts in the “zoom-out” phase ',\n",
665
       " 'AUTHOR ET AL.: TITL E 3 from a low degree node and traverses the graph simult aneously increasing the node’s degree until the characteri stic radius of the node links length reaches the scale of the distance to the query. Before the latter happens, the ave rage degree of a node can stay relatively small, which leads to an increased probabilit y of being stuck in a di stant false local minimum. One can avoid the described problem in NSW by star ting the search from a node with the maximum degree (good candidates are the first nodes inserted in the NSW structure [44]), directly going to the “zoom-in” phase of the search. Tests show that setting hubs as starting points substantially increases probability of successful routing in the structure and provides significantly better perfo rmance at low dimensional data. However, it still has only a polyloga rithmic complexity scalability of a single greedy search at best , and performs worse on high d imensional data compared to Hierarchical NSW. The reason for the polylogarithmic complexity scaling of a single greedy search in NSW is that the overall nu mber o f distance computations is roughly proportional to a product of the average number of greedy algorithm hops by the average degree of the nodes on the greedy path. The average number of hops scales logarithmically [26, 44], while the average degree of the nodes on the greedy path also scales logarithmically due to the facts that: 1) the greedy search tends to go through the same hubs as the network grows [32, 44] ; 2) the average number of hub connections grow s logarithmically with an increase of the network size. Thus we get an overall po lylogarithmic dependence of the resulting complexity. The idea of Hierarchical NSW algorithm is to separate the links according to their length scale into different layers and then search in a multilayer graph. In this case we can evaluate only a needed fixed portion of the conne ctions for each element independently of the networks size, thus allowing a logarithmic scalability. In such stru cture t he search starts from the upper laye r which has only the long est links (the “zoom-in” phase) . The algorithm greedily traverses through the elements from the upper layer until a local minimum is reached (see Fig. 1 for illu stration) . After that, the search switches to the lower layer (which h as shorter links ), restarts from the element which was the local minimum in the previous layer and the pr ocess repeats . The maximum number of connections per element in all layers can be made constant , thus allowing a logarithmic complexity scaling of rout ing in a navigable small world network . One way to form such a layered structure is to explici tly set links with different length scales by introducing layers. For every element we select an integer level l which defines the maximum layer for which the element belongs to. For all elements in a layer a proximity graph (i.e. graph containing only “short” links that approximate Delaunay graph) is built incrementally. If we set an exp onentially decaying probabil ity of l (i.e. following a ge ometric distribution) we get a logarithmic scaling of the expected number of layers in the structure. The search procedure is an iterative greedy search starting from the top layer and finishing at the zero layer . In case we m erge connections from all layers, the stru cture becomes similar to the NSW graph (in this case the l can be put in correspondence to the node degree in NSW). In contrast to NSW, Hierarchical NSW constru ction algorithm does not require the elements to be shuffled before the insert ion-the stochasticity is achieved by using level random ization , thus allowing truly increme ntal indexing even in case of temporaril y alterating data distribution ( though changing the order of the inser tion slightly alters the performace due to only partially determenistic construction procedure ). The Hierarchical NSW idea is also very similar to a well-known 1D probabilistic skip list structure [27] and can be described using its terms. The major difference to skip list is that we generalize the structure by replacing the linked list with proximity graphs. ',\n",
666
       " 'When the search reaches the layer that is equal or less than l, the second phase of the construction algorithm is initiated . The second phase differs in two points: 1) the ef parameter is increased from 1 to efConstruction in order to control the recall of the greedy search procedure; 2) the found closest neighbors on each layer are also used as candidates for the connections of the inserted element. Two methods for the selection of M neighbors from the candidates were considered: simple connection to the closest elements (alg. 3) and the heuristic that accounts for the distances between the candidate elements to create connections in diverse direction s (alg. 4), described in the Section 3. The heuristic has two additional parameters: extendCandidates (set to false by default) which extends the candidate set and useful only for extremely clustered data, and keepPrunedConnections which allows getting fixed number of connection per element . The maximum number of connections that an element can have per layer is defined by the parameter Mmax for every layer higher than zero (a special parameter Mmax0 is used for the ground layer sep arately). If a node is already full at the moment of making of a new connection, then its extended connection list gets shrunk by the same algorithm that used for the neighbors selection (algs. 3 or 4). The insertion procedure terminates when the conne ctions of the inserted elements are established on the zero layer. The K-ANNS search algorithm used in Hierarchical NSW is presented in alg. 5. It is roughly equivalent to the insertion algorithm for an item with layer l=0. The diffe rence is that the closest neighbors found at the ground layer which are used as candidates for the connections are now returned as the search result. The quality of the search is controlled by the ef parameter (corresponding to efConstruction in the construction algorithm). 4.1 In fluence of the construction parameters Algorithm construction parameters mL and Mmax0 are r esponsible for maintaining the small world navigability in the constructed graphs. Setting mL to zero (this corr esponds to a single layer in the graph) and Mmax0 to M leads to production of directed k-NN graphs with a po wer-law search complexity well studied before [21, 29] (assuming using the alg. 3 for neighbor selection). Setting mL to zero and Mmax0 to infinity leads to production of NSW graphs with polylogarithmi c complexity [25, 26] . Finally, setting mL to some non-zero value leads to emergence of controllable hierarchy graphs w hich allow logarithmic search complexity by introduction of layers (see the Se ction 3). To achieve the optimum performance advantage of the controllable hierarchy, the overlap between neighbors on different layers (i.e. percent of element neighbors that are also belong to other layers) has to be small. In order to decrease the overlap we need to decrease the mL. Howe ver, at the same time, decreas ing mL leads to an increase of average hop number during a greedy search on each la yer, which negatively affects the performance. This leads to existence of the optimal value for the mL parameter . A simple choice for the optimal mL is 1/ln( M), this co rresponds to the skip list parameter p=1/M with an ave rage single element overlap between the layers. Simul ations done on an Intel Core i7 5930K CPU show that the proposed selection of mL is a reasonable choice (see Fig. ']"
667
      ]
668
     },
669
     "execution_count": 61,
670
     "metadata": {},
671
     "output_type": "execute_result"
672
    }
673
   ],
674
   "source": [
675
    "# To get the context (Nodes) again, we can now use the `.source_nodes` attribute.\n",
676
    "# Let's inspect the 1st Node:\n",
677
    "\n",
678
    "llm_response_source_nodes = [i.get_content() for i in llm_query.source_nodes]\n",
679
    "llm_response_source_nodes"
680
   ]
681
  },
682
  {
683
   "cell_type": "markdown",
684
   "metadata": {
685
    "id": "ZbyrG7JgKATd"
686
   },
687
   "source": [
688
    "# Evaluate the data"
689
   ]
690
  },
691
  {
692
   "cell_type": "code",
693
   "execution_count": 57,
694
   "metadata": {
695
    "colab": {
696
     "base_uri": "https://localhost:8080/"
697
    },
698
    "id": "ONqJhkXyJ2IU",
699
    "outputId": "de6ee71f-9ac9-4b24-d91f-916b8e7c7928"
700
   },
701
   "outputs": [
702
    {
703
     "name": "stdout",
704
     "output_type": "stream",
705
     "text": [
706
      "\n",
707
      "Given the 5 chunks of content (below), is your LLM's response relevant? True\n",
708
      "         \n",
709
      " ----Contexts----- \n",
710
      "         \n",
711
      "['AUTHOR ET AL.: TITL E 7 be auto-configured by using sample data. The construction process can be easily and efficiently parallelized with only few synchronization points (as demonstrated in Fig. 9) and no measurable effect on index quality. Construction speed/index q uality tradeoff is co ntrolled via the efConstruction parameter. The tradeoff between the search time and the index construction time is presented in Fig. 10 for a 10M SIFT dataset and shows that a reasonable quality index can be constructed for efConstruct ion=100 on a 4X 2.4 GHz 10-core Xeon E5-4650 v2 CPU server in just 3 minutes. Further increase of the efConstruction leads to little extra performance but in exchange of significantly longer construction time. 4.2 Complexity analysis 4.2.1 Search complex ity The complexity scaling of a single search can be strictly analyzed under the assumption that we build exact D elaunay graphs instead of the approximate ones. Suppose we have found the closest element on some layer (this is guaranteed by having the Delaunay graph) and then d escended to the next layer . One can show that the average number of steps before we find the closest element in the layer is bounded by a constant. Indeed, the layers are not correlated with the spatial position s of the data elements and , thus , when we tra verse the graph there is a fixed probability p=exp( -mL) that the next node belongs to the upper layer. However, the search on the layer always terminates before it reaches the element which belongs to the higher layer (otherwise the search on the upper layer would have stopped on a different element), so the p robability of not reaching the ta rget on s-th step is bounded by exp( -s· mL). Thus the expected number of steps in a layer is bounded by a sum of geometric progression S =1/(1-exp( -mL)), which is independent of the dataset size . If we assume that the average degree of a node in the Delaunay graph is capped by a constant C in the limit of the large dataset (this is the case for random Euclid d ata [48], but can be in principle violated in exotic spaces), then the overall average number of distance evaluations in a layer is bounded by a constant C· S, independent ly of the dataset size. And since the expectation of the maximum layer index by the construction scales as O(log(N)), the overall co mplexity scaling is O(log(N)), in agreement with the simulations on low dimensional dataset s. The inital assumption of having the exact Delaunay graph violates in Hierarchical NSW due to usage of a pproximate edge selection heuristic with a fixed number of neighbor s per element . ', 'Thus, t o avoid stucking into a l ocal minimum the greedy search algo rithm em ploy s a backtracking procedure on the zero layer. Simulations show that at least for low dimensional data (Fig. 11, d=4) the dependence of the required ef parameter (which determines the complexity via t he minimal number of hops during the backtracking) to get a fixed recall saturates with the rise of the dataset size . The b acktracking co mplexity is an additive term in respect to the final comple xity, thus, as follows from the empirical data, inaccuracies of the Delauna y graph approximation do not alter the scaling . Such empirical investigation of the Delaunay graph approximation resilience require s having the average number of Delaunay graph edges independent of the d ataset to evidence how well the edges are approximated with a constant number of connections in Hierarchical NSW. However, the average degree of Delaunay graph scales exponentially with the dimensionality [39]), thus for high dimensional data (e.g. d=128) the aforeme ntioned condition requires having extremely larg e datasets, mak ing such empricial investigation unfeasible. Further analitical evidence is required to confirm whether the resilience of Delaunay graph aproximations genera lizes to higher dimensional spaces. 4.2.2 Construction complexity The construction is done by iterative insertions of all el ements, while the insertion of an element is merely a sequence of K-ANN-searches at different layers with a su bsequent use of heuristic (which has fixed complexity at fixed efConstruction ). The average number of lay ers for an element to be added in is a constant that depends on mL: \\uf05b\\uf05d\\uf05b \\uf05d 1 ln( (0,1)) 1 1LL E l E unif m m\\uf02b \\uf03d \\uf02d \\uf02b \\uf03d \\uf02b (1) Thus, the insertion complexiy scaling is the same as the one for the search, meaning that at least for relatively low dimensional datasets the construction time scales as O(N∙log( N)). 0 5 10 15 20 25 30 35 400102030405060708090Build time, minutesThread count10M SIFT, d=128, M=16 , efConstruction =100 4X Xeon E5-4650 v2 (4x10 cores) Core i7-6850K (6 cores+HT) 0 2 4 6 8 10 120.20.30.40.50.60.7Query time, msBuild time, minutes10M SIFT, d=128, M=16,Recall 0.9, 1-NN 100101102103104105106107108109024681012Average ef to reach target recallDataset sizeRandom vectors, d=4M=6, Mmax0=12, 1-NN Recall=0.9 Recall=0.99 Recall=0.999 Fig. 9. Construction time for Hierarchical NSW on 10M SIFT dataset for different numbers of threads on two CPUs. Fig. 10. Plots of t he query time vs constru ction time tradeoff for Hierarchical NSW on 10M SIFT dataset. ', 'The search is terminated when some stopping condition is met (e.g. the number of distance calculations). Links to the closest neighbors in a k-NN graph serve as a simple approximation of the Delaunay graph [25, 26] ( a graph which guranties that the result of a basic greedy graph traversal is always the nearest neighbor). Unfortunately, Delaunay graph cannot be efficiently constructed without prior information about the structure of a space [4], but its approximation by the nearest neighbors can be done by using only distances between the stored elements . It was shown that proximity graph approaches with such approximation perform competitive to other k-ANNS thechniques , such as kd-trees or LSH [18-26]. The main drawbacks of the k-NN graph approach es are: 1) the power law scaling of the number of steps with the dataset size during the routing process [28, 29] ; 2) a possible loss of global connectivity which leads to poor search results on clusetered data . To overcome these problems many hybrid approaches have been proposed that use auxiliary algorithms applicable only for vector data (such as kd-trees [18, 19] and product quantization [10]) to find better candidates for the enter nodes by doing a coarse search. In [25, 26, 30] authors proposed a proximity graph K-ANNS algorithm called Navigable Small World (NSW, also known as Metricized Small World, MSW), which utilized navigable graphs, i.e. graphs with logarithmic or polylogarithmic scaling of the number of hops during the greedy traversal with the respect of the network size [31, 32]. The NSW graph is constructed via consec utive insertion of elements in random order by bidirectio nally connecting them to the M closest neighbors from the previously inserted elements. The M closest neighbors are found using the structure’s search procedure (a variant of a greedy search from multipl e random enter nodes ). Links to the closest neighbors of the elements inserted in the beginning of the construction later become bridges betwee n the network hubs that keep the overall graph connectivity and allow the logarithmic scaling of the number of hops during greedy routing . Const ruction phase of the NSW structure can be eff iciently parallelized without global synchronization and without mesuarable effect on accuracy [26] , being a good choice for distributed search systems. The NSW approach delivered the state-of-the-art performance on some d atasets [33, 34] , however, due to the overall polylogarit hmic complexity scaling , the algorithm was still prone to severe performance degradation on low dimensional d atasets (on which NSW could lose to tree-based algorithms by several orders of magnitude [34]). 2.2 Navigable small world models Networks with logarithmic or polylogarithmic scaling of the greedy graph r outing are known as the navigable small world networks [31, 32] . Such networks are an i mportant topic of complex network theory aiming at u nderstanding of underlying mechanisms of real-life ne tworks formation in order to apply them for appli cations of scalable routing [32, 35, 36] and distributed similarity search [25, 26, 30, 37-40]. The first works to consider spatial models of navigable networks were done by J. Kleinberg [31, 41] as social ne twork models for the famous Milgram experiment [42]. Kleinberg studied a variant of random Watts-Strogatz networks [43], using a regular lattice graph in d-dimensional vector space together with augmentation of long-range links following a specific long link length di stribution r-\\uf061. For \\uf061=d the number of hops to get to the target by greedy routing scales polylogarithmically (i nstead of a power law for any other value of \\uf061). This idea has inspired development of many K-NNS and K-ANNS algorithms based on the navigation effect [37-40]. But even though the Kleinberg’s navigability criterion in principle can be extended for more general spaces, in o rder to build such a navigable network one has to know the data distribution beforehand . In addition, g reedy routing in Kleinberg’s graphs suffers fr om polylogarit hmic complexity scalability at best. Another well-known class of navigable networks are the scale-free models [32, 35, 36] , which can reproduce several features of real-life networks and advertised for routing applications [35]. However, n etworks produced by such models have even worse power law complexity scaling of the greedy search [44] and, just like the Klei nberg’s model, scale-free models require global knowledge of the data distribution, making them unusable for search applications. The above-described NSW algorithm uses a simpler, previously unknown model of navigable networks, a llowing decentralized graph construction and suitable for data in arbitrary spaces. It was suggested [44] that the NSW network formation mechanism may be respon sible for navigability of large-scale biological neural networks (presence of which is disputable): similar models were able to describe growth of small brain networks, while the model predicts several high-level features observed in large scale neural net works. However, the NSW model also suffers from the polylogarithmic search complexity of the routing process. 3 MOTIVATION The ways of improving the NSW search complexity can be identified through the analysis of the routing process, which was studied in detail in [32, 44] . The routing can be divided into two phases: “zoom-out” and “zoom-in” [32]. The greedy algorithm starts in the “zoom-out” phase ', 'AUTHOR ET AL.: TITL E 3 from a low degree node and traverses the graph simult aneously increasing the node’s degree until the characteri stic radius of the node links length reaches the scale of the distance to the query. Before the latter happens, the ave rage degree of a node can stay relatively small, which leads to an increased probabilit y of being stuck in a di stant false local minimum. One can avoid the described problem in NSW by star ting the search from a node with the maximum degree (good candidates are the first nodes inserted in the NSW structure [44]), directly going to the “zoom-in” phase of the search. Tests show that setting hubs as starting points substantially increases probability of successful routing in the structure and provides significantly better perfo rmance at low dimensional data. However, it still has only a polyloga rithmic complexity scalability of a single greedy search at best , and performs worse on high d imensional data compared to Hierarchical NSW. The reason for the polylogarithmic complexity scaling of a single greedy search in NSW is that the overall nu mber o f distance computations is roughly proportional to a product of the average number of greedy algorithm hops by the average degree of the nodes on the greedy path. The average number of hops scales logarithmically [26, 44], while the average degree of the nodes on the greedy path also scales logarithmically due to the facts that: 1) the greedy search tends to go through the same hubs as the network grows [32, 44] ; 2) the average number of hub connections grow s logarithmically with an increase of the network size. Thus we get an overall po lylogarithmic dependence of the resulting complexity. The idea of Hierarchical NSW algorithm is to separate the links according to their length scale into different layers and then search in a multilayer graph. In this case we can evaluate only a needed fixed portion of the conne ctions for each element independently of the networks size, thus allowing a logarithmic scalability. In such stru cture t he search starts from the upper laye r which has only the long est links (the “zoom-in” phase) . The algorithm greedily traverses through the elements from the upper layer until a local minimum is reached (see Fig. 1 for illu stration) . After that, the search switches to the lower layer (which h as shorter links ), restarts from the element which was the local minimum in the previous layer and the pr ocess repeats . The maximum number of connections per element in all layers can be made constant , thus allowing a logarithmic complexity scaling of rout ing in a navigable small world network . One way to form such a layered structure is to explici tly set links with different length scales by introducing layers. For every element we select an integer level l which defines the maximum layer for which the element belongs to. For all elements in a layer a proximity graph (i.e. graph containing only “short” links that approximate Delaunay graph) is built incrementally. If we set an exp onentially decaying probabil ity of l (i.e. following a ge ometric distribution) we get a logarithmic scaling of the expected number of layers in the structure. The search procedure is an iterative greedy search starting from the top layer and finishing at the zero layer . In case we m erge connections from all layers, the stru cture becomes similar to the NSW graph (in this case the l can be put in correspondence to the node degree in NSW). In contrast to NSW, Hierarchical NSW constru ction algorithm does not require the elements to be shuffled before the insert ion-the stochasticity is achieved by using level random ization , thus allowing truly increme ntal indexing even in case of temporaril y alterating data distribution ( though changing the order of the inser tion slightly alters the performace due to only partially determenistic construction procedure ). The Hierarchical NSW idea is also very similar to a well-known 1D probabilistic skip list structure [27] and can be described using its terms. The major difference to skip list is that we generalize the structure by replacing the linked list with proximity graphs. ', 'When the search reaches the layer that is equal or less than l, the second phase of the construction algorithm is initiated . The second phase differs in two points: 1) the ef parameter is increased from 1 to efConstruction in order to control the recall of the greedy search procedure; 2) the found closest neighbors on each layer are also used as candidates for the connections of the inserted element. Two methods for the selection of M neighbors from the candidates were considered: simple connection to the closest elements (alg. 3) and the heuristic that accounts for the distances between the candidate elements to create connections in diverse direction s (alg. 4), described in the Section 3. The heuristic has two additional parameters: extendCandidates (set to false by default) which extends the candidate set and useful only for extremely clustered data, and keepPrunedConnections which allows getting fixed number of connection per element . The maximum number of connections that an element can have per layer is defined by the parameter Mmax for every layer higher than zero (a special parameter Mmax0 is used for the ground layer sep arately). If a node is already full at the moment of making of a new connection, then its extended connection list gets shrunk by the same algorithm that used for the neighbors selection (algs. 3 or 4). The insertion procedure terminates when the conne ctions of the inserted elements are established on the zero layer. The K-ANNS search algorithm used in Hierarchical NSW is presented in alg. 5. It is roughly equivalent to the insertion algorithm for an item with layer l=0. The diffe rence is that the closest neighbors found at the ground layer which are used as candidates for the connections are now returned as the search result. The quality of the search is controlled by the ef parameter (corresponding to efConstruction in the construction algorithm). 4.1 In fluence of the construction parameters Algorithm construction parameters mL and Mmax0 are r esponsible for maintaining the small world navigability in the constructed graphs. Setting mL to zero (this corr esponds to a single layer in the graph) and Mmax0 to M leads to production of directed k-NN graphs with a po wer-law search complexity well studied before [21, 29] (assuming using the alg. 3 for neighbor selection). Setting mL to zero and Mmax0 to infinity leads to production of NSW graphs with polylogarithmi c complexity [25, 26] . Finally, setting mL to some non-zero value leads to emergence of controllable hierarchy graphs w hich allow logarithmic search complexity by introduction of layers (see the Se ction 3). To achieve the optimum performance advantage of the controllable hierarchy, the overlap between neighbors on different layers (i.e. percent of element neighbors that are also belong to other layers) has to be small. In order to decrease the overlap we need to decrease the mL. Howe ver, at the same time, decreas ing mL leads to an increase of average hop number during a greedy search on each la yer, which negatively affects the performance. This leads to existence of the optimal value for the mL parameter . A simple choice for the optimal mL is 1/ln( M), this co rresponds to the skip list parameter p=1/M with an ave rage single element overlap between the layers. Simul ations done on an Intel Core i7 5930K CPU show that the proposed selection of mL is a reasonable choice (see Fig. ']\n"
712
     ]
713
    }
714
   ],
715
   "source": [
716
    "from llama_index.evaluation import RelevancyEvaluator\n",
717
    "\n",
718
    "# (Need to avoid peripheral asyncio issues)\n",
719
    "import nest_asyncio\n",
720
    "nest_asyncio.apply()\n",
721
    "\n",
722
    "# Define evaluator\n",
723
    "evaluator = RelevancyEvaluator()\n",
724
    "\n",
725
    "# Issue query\n",
726
    "llm_response = query_engine.query(\n",
727
    "    \"How does logarithmic complexity affect graph construction?\"\n",
728
    ")\n",
729
    "\n",
730
    "# Grab context used in answer query & make it pretty\n",
731
    "llm_response_source_nodes = [i.get_content() for i in llm_response.source_nodes]\n",
732
    "\n",
733
    "# # Take your previous question and pass in the response youwe got above\n",
734
    "eval_result = evaluator.evaluate_response(query=\"How does logarithmic complexity affect graph construction?\", response=llm_response)\n",
735
    "\n",
736
    "print(f'\\nGiven the {len(llm_response_source_nodes)} chunks of content (below), is your LLM\\'s response relevant? {eval_result.passing}\\n \\\n",
737
    "        \\n ----Contexts----- \\n \\\n",
738
    "        \\n{llm_response_source_nodes}')\n"
739
   ]
740
  },
741
  {
742
   "cell_type": "code",
743
   "execution_count": 58,
744
   "metadata": {
745
    "colab": {
746
     "base_uri": "https://localhost:8080/"
747
    },
748
    "id": "vl5glxDNj2Gz",
749
    "outputId": "46b3cc7d-236a-4c71-de71-e2abfe784aea"
750
   },
751
   "outputs": [
752
    {
753
     "name": "stdout",
754
     "output_type": "stream",
755
     "text": [
756
      "\n",
757
      "AUTHOR ET AL.: TITL E 7 be auto-configured by using sample data. The construction process can be easily and efficiently parallelized with only few synchronization points (as demonstrated in Fig. 9) and no measurable effect on index quality. Construction speed/index q uality tradeoff is co ntrolled via the efConstruction parameter. The tradeoff between the search time and the index construction time is presented in Fig. 10 for a 10M SIFT dataset and shows that a reasonable quality index can be constructed for efConstruct ion=100 on a 4X 2.4 GHz 10-core Xeon E5-4650 v2 CPU server in just 3 minutes. Further increase of the efConstruction leads to little extra performance but in exchange of significantly longer construction time. 4.2 Complexity analysis 4.2.1 Search complex ity The complexity scaling of a single search can be strictly analyzed under the assumption that we build exact D elaunay graphs instead of the approximate ones. Suppose we have found the closest element on some layer (this is guaranteed by having the Delaunay graph) and then d escended to the next layer . One can show that the average number of steps before we find the closest element in the layer is bounded by a constant. Indeed, the layers are not correlated with the spatial position s of the data elements and , thus , when we tra verse the graph there is a fixed probability p=exp( -mL) that the next node belongs to the upper layer. However, the search on the layer always terminates before it reaches the element which belongs to the higher layer (otherwise the search on the upper layer would have stopped on a different element), so the p robability of not reaching the ta rget on s-th step is bounded by exp( -s· mL). Thus the expected number of steps in a layer is bounded by a sum of geometric progression S =1/(1-exp( -mL)), which is independent of the dataset size . If we assume that the average degree of a node in the Delaunay graph is capped by a constant C in the limit of the large dataset (this is the case for random Euclid d ata [48], but can be in principle violated in exotic spaces), then the overall average number of distance evaluations in a layer is bounded by a constant C· S, independent ly of the dataset size. And since the expectation of the maximum layer index by the construction scales as O(log(N)), the overall co mplexity scaling is O(log(N)), in agreement with the simulations on low dimensional dataset s. The inital assumption of having the exact Delaunay graph violates in Hierarchical NSW due to usage of a pproximate edge selection heuristic with a fixed number of neighbor s per element . \n",
758
      "\n",
759
      "Thus, t o avoid stucking into a l ocal minimum the greedy search algo rithm em ploy s a backtracking procedure on the zero layer. Simulations show that at least for low dimensional data (Fig. 11, d=4) the dependence of the required ef parameter (which determines the complexity via t he minimal number of hops during the backtracking) to get a fixed recall saturates with the rise of the dataset size . The b acktracking co mplexity is an additive term in respect to the final comple xity, thus, as follows from the empirical data, inaccuracies of the Delauna y graph approximation do not alter the scaling . Such empirical investigation of the Delaunay graph approximation resilience require s having the average number of Delaunay graph edges independent of the d ataset to evidence how well the edges are approximated with a constant number of connections in Hierarchical NSW. However, the average degree of Delaunay graph scales exponentially with the dimensionality [39]), thus for high dimensional data (e.g. d=128) the aforeme ntioned condition requires having extremely larg e datasets, mak ing such empricial investigation unfeasible. Further analitical evidence is required to confirm whether the resilience of Delaunay graph aproximations genera lizes to higher dimensional spaces. 4.2.2 Construction complexity The construction is done by iterative insertions of all el ements, while the insertion of an element is merely a sequence of K-ANN-searches at different layers with a su bsequent use of heuristic (which has fixed complexity at fixed efConstruction ). The average number of lay ers for an element to be added in is a constant that depends on mL:   1 ln( (0,1)) 1 1LL E l E unif m m      (1) Thus, the insertion complexiy scaling is the same as the one for the search, meaning that at least for relatively low dimensional datasets the construction time scales as O(N∙log( N)). 0 5 10 15 20 25 30 35 400102030405060708090Build time, minutesThread count10M SIFT, d=128, M=16 , efConstruction =100 4X Xeon E5-4650 v2 (4x10 cores) Core i7-6850K (6 cores+HT) 0 2 4 6 8 10 120.20.30.40.50.60.7Query time, msBuild time, minutes10M SIFT, d=128, M=16,Recall 0.9, 1-NN 100101102103104105106107108109024681012Average ef to reach target recallDataset sizeRandom vectors, d=4M=6, Mmax0=12, 1-NN Recall=0.9 Recall=0.99 Recall=0.999 Fig. 9. Construction time for Hierarchical NSW on 10M SIFT dataset for different numbers of threads on two CPUs. Fig. 10. Plots of t he query time vs constru ction time tradeoff for Hierarchical NSW on 10M SIFT dataset. \n",
760
      "\n",
761
      "The search is terminated when some stopping condition is met (e.g. the number of distance calculations). Links to the closest neighbors in a k-NN graph serve as a simple approximation of the Delaunay graph [25, 26] ( a graph which guranties that the result of a basic greedy graph traversal is always the nearest neighbor). Unfortunately, Delaunay graph cannot be efficiently constructed without prior information about the structure of a space [4], but its approximation by the nearest neighbors can be done by using only distances between the stored elements . It was shown that proximity graph approaches with such approximation perform competitive to other k-ANNS thechniques , such as kd-trees or LSH [18-26]. The main drawbacks of the k-NN graph approach es are: 1) the power law scaling of the number of steps with the dataset size during the routing process [28, 29] ; 2) a possible loss of global connectivity which leads to poor search results on clusetered data . To overcome these problems many hybrid approaches have been proposed that use auxiliary algorithms applicable only for vector data (such as kd-trees [18, 19] and product quantization [10]) to find better candidates for the enter nodes by doing a coarse search. In [25, 26, 30] authors proposed a proximity graph K-ANNS algorithm called Navigable Small World (NSW, also known as Metricized Small World, MSW), which utilized navigable graphs, i.e. graphs with logarithmic or polylogarithmic scaling of the number of hops during the greedy traversal with the respect of the network size [31, 32]. The NSW graph is constructed via consec utive insertion of elements in random order by bidirectio nally connecting them to the M closest neighbors from the previously inserted elements. The M closest neighbors are found using the structure’s search procedure (a variant of a greedy search from multipl e random enter nodes ). Links to the closest neighbors of the elements inserted in the beginning of the construction later become bridges betwee n the network hubs that keep the overall graph connectivity and allow the logarithmic scaling of the number of hops during greedy routing . Const ruction phase of the NSW structure can be eff iciently parallelized without global synchronization and without mesuarable effect on accuracy [26] , being a good choice for distributed search systems. The NSW approach delivered the state-of-the-art performance on some d atasets [33, 34] , however, due to the overall polylogarit hmic complexity scaling , the algorithm was still prone to severe performance degradation on low dimensional d atasets (on which NSW could lose to tree-based algorithms by several orders of magnitude [34]). 2.2 Navigable small world models Networks with logarithmic or polylogarithmic scaling of the greedy graph r outing are known as the navigable small world networks [31, 32] . Such networks are an i mportant topic of complex network theory aiming at u nderstanding of underlying mechanisms of real-life ne tworks formation in order to apply them for appli cations of scalable routing [32, 35, 36] and distributed similarity search [25, 26, 30, 37-40]. The first works to consider spatial models of navigable networks were done by J. Kleinberg [31, 41] as social ne twork models for the famous Milgram experiment [42]. Kleinberg studied a variant of random Watts-Strogatz networks [43], using a regular lattice graph in d-dimensional vector space together with augmentation of long-range links following a specific long link length di stribution r-. For =d the number of hops to get to the target by greedy routing scales polylogarithmically (i nstead of a power law for any other value of ). This idea has inspired development of many K-NNS and K-ANNS algorithms based on the navigation effect [37-40]. But even though the Kleinberg’s navigability criterion in principle can be extended for more general spaces, in o rder to build such a navigable network one has to know the data distribution beforehand . In addition, g reedy routing in Kleinberg’s graphs suffers fr om polylogarit hmic complexity scalability at best. Another well-known class of navigable networks are the scale-free models [32, 35, 36] , which can reproduce several features of real-life networks and advertised for routing applications [35]. However, n etworks produced by such models have even worse power law complexity scaling of the greedy search [44] and, just like the Klei nberg’s model, scale-free models require global knowledge of the data distribution, making them unusable for search applications. The above-described NSW algorithm uses a simpler, previously unknown model of navigable networks, a llowing decentralized graph construction and suitable for data in arbitrary spaces. It was suggested [44] that the NSW network formation mechanism may be respon sible for navigability of large-scale biological neural networks (presence of which is disputable): similar models were able to describe growth of small brain networks, while the model predicts several high-level features observed in large scale neural net works. However, the NSW model also suffers from the polylogarithmic search complexity of the routing process. 3 MOTIVATION The ways of improving the NSW search complexity can be identified through the analysis of the routing process, which was studied in detail in [32, 44] . The routing can be divided into two phases: “zoom-out” and “zoom-in” [32]. The greedy algorithm starts in the “zoom-out” phase \n",
762
      "\n",
763
      "AUTHOR ET AL.: TITL E 3 from a low degree node and traverses the graph simult aneously increasing the node’s degree until the characteri stic radius of the node links length reaches the scale of the distance to the query. Before the latter happens, the ave rage degree of a node can stay relatively small, which leads to an increased probabilit y of being stuck in a di stant false local minimum. One can avoid the described problem in NSW by star ting the search from a node with the maximum degree (good candidates are the first nodes inserted in the NSW structure [44]), directly going to the “zoom-in” phase of the search. Tests show that setting hubs as starting points substantially increases probability of successful routing in the structure and provides significantly better perfo rmance at low dimensional data. However, it still has only a polyloga rithmic complexity scalability of a single greedy search at best , and performs worse on high d imensional data compared to Hierarchical NSW. The reason for the polylogarithmic complexity scaling of a single greedy search in NSW is that the overall nu mber o f distance computations is roughly proportional to a product of the average number of greedy algorithm hops by the average degree of the nodes on the greedy path. The average number of hops scales logarithmically [26, 44], while the average degree of the nodes on the greedy path also scales logarithmically due to the facts that: 1) the greedy search tends to go through the same hubs as the network grows [32, 44] ; 2) the average number of hub connections grow s logarithmically with an increase of the network size. Thus we get an overall po lylogarithmic dependence of the resulting complexity. The idea of Hierarchical NSW algorithm is to separate the links according to their length scale into different layers and then search in a multilayer graph. In this case we can evaluate only a needed fixed portion of the conne ctions for each element independently of the networks size, thus allowing a logarithmic scalability. In such stru cture t he search starts from the upper laye r which has only the long est links (the “zoom-in” phase) . The algorithm greedily traverses through the elements from the upper layer until a local minimum is reached (see Fig. 1 for illu stration) . After that, the search switches to the lower layer (which h as shorter links ), restarts from the element which was the local minimum in the previous layer and the pr ocess repeats . The maximum number of connections per element in all layers can be made constant , thus allowing a logarithmic complexity scaling of rout ing in a navigable small world network . One way to form such a layered structure is to explici tly set links with different length scales by introducing layers. For every element we select an integer level l which defines the maximum layer for which the element belongs to. For all elements in a layer a proximity graph (i.e. graph containing only “short” links that approximate Delaunay graph) is built incrementally. If we set an exp onentially decaying probabil ity of l (i.e. following a ge ometric distribution) we get a logarithmic scaling of the expected number of layers in the structure. The search procedure is an iterative greedy search starting from the top layer and finishing at the zero layer . In case we m erge connections from all layers, the stru cture becomes similar to the NSW graph (in this case the l can be put in correspondence to the node degree in NSW). In contrast to NSW, Hierarchical NSW constru ction algorithm does not require the elements to be shuffled before the insert ion-the stochasticity is achieved by using level random ization , thus allowing truly increme ntal indexing even in case of temporaril y alterating data distribution ( though changing the order of the inser tion slightly alters the performace due to only partially determenistic construction procedure ). The Hierarchical NSW idea is also very similar to a well-known 1D probabilistic skip list structure [27] and can be described using its terms. The major difference to skip list is that we generalize the structure by replacing the linked list with proximity graphs. \n",
764
      "\n",
765
      "When the search reaches the layer that is equal or less than l, the second phase of the construction algorithm is initiated . The second phase differs in two points: 1) the ef parameter is increased from 1 to efConstruction in order to control the recall of the greedy search procedure; 2) the found closest neighbors on each layer are also used as candidates for the connections of the inserted element. Two methods for the selection of M neighbors from the candidates were considered: simple connection to the closest elements (alg. 3) and the heuristic that accounts for the distances between the candidate elements to create connections in diverse direction s (alg. 4), described in the Section 3. The heuristic has two additional parameters: extendCandidates (set to false by default) which extends the candidate set and useful only for extremely clustered data, and keepPrunedConnections which allows getting fixed number of connection per element . The maximum number of connections that an element can have per layer is defined by the parameter Mmax for every layer higher than zero (a special parameter Mmax0 is used for the ground layer sep arately). If a node is already full at the moment of making of a new connection, then its extended connection list gets shrunk by the same algorithm that used for the neighbors selection (algs. 3 or 4). The insertion procedure terminates when the conne ctions of the inserted elements are established on the zero layer. The K-ANNS search algorithm used in Hierarchical NSW is presented in alg. 5. It is roughly equivalent to the insertion algorithm for an item with layer l=0. The diffe rence is that the closest neighbors found at the ground layer which are used as candidates for the connections are now returned as the search result. The quality of the search is controlled by the ef parameter (corresponding to efConstruction in the construction algorithm). 4.1 In fluence of the construction parameters Algorithm construction parameters mL and Mmax0 are r esponsible for maintaining the small world navigability in the constructed graphs. Setting mL to zero (this corr esponds to a single layer in the graph) and Mmax0 to M leads to production of directed k-NN graphs with a po wer-law search complexity well studied before [21, 29] (assuming using the alg. 3 for neighbor selection). Setting mL to zero and Mmax0 to infinity leads to production of NSW graphs with polylogarithmi c complexity [25, 26] . Finally, setting mL to some non-zero value leads to emergence of controllable hierarchy graphs w hich allow logarithmic search complexity by introduction of layers (see the Se ction 3). To achieve the optimum performance advantage of the controllable hierarchy, the overlap between neighbors on different layers (i.e. percent of element neighbors that are also belong to other layers) has to be small. In order to decrease the overlap we need to decrease the mL. Howe ver, at the same time, decreas ing mL leads to an increase of average hop number during a greedy search on each la yer, which negatively affects the performance. This leads to existence of the optimal value for the mL parameter . A simple choice for the optimal mL is 1/ln( M), this co rresponds to the skip list parameter p=1/M with an ave rage single element overlap between the layers. Simul ations done on an Intel Core i7 5930K CPU show that the proposed selection of mL is a reasonable choice (see Fig. \n"
766
     ]
767
    }
768
   ],
769
   "source": [
770
    "# For good measure, let's print out the context so that we can see it more clearly:\n",
771
    "\n",
772
    "for l in llm_response_source_nodes:\n",
773
    "    print(f'\\n{l}')"
774
   ]
775
  },
776
  {
777
   "cell_type": "code",
778
   "execution_count": null,
779
   "metadata": {
780
    "id": "82lyvQEXj78t"
781
   },
782
   "outputs": [],
783
   "source": []
784
  }
785
 ],
786
 "metadata": {
787
  "colab": {
788
   "provenance": []
789
  },
790
  "kernelspec": {
791
   "display_name": "Python 3 (ipykernel)",
792
   "language": "python",
793
   "name": "python3"
794
  },
795
  "language_info": {
796
   "codemirror_mode": {
797
    "name": "ipython",
798
    "version": 3
799
   },
800
   "file_extension": ".py",
801
   "mimetype": "text/x-python",
802
   "name": "python",
803
   "nbconvert_exporter": "python",
804
   "pygments_lexer": "ipython3",
805
   "version": "3.11.5"
806
  },
807
  "widgets": {
808
   "application/vnd.jupyter.widget-state+json": {
809
    "018284be942d4b1c80b786005d8e8c12": {
810
     "model_module": "@jupyter-widgets/controls",
811
     "model_module_version": "1.5.0",
812
     "model_name": "HTMLModel",
813
     "state": {
814
      "_dom_classes": [],
815
      "_model_module": "@jupyter-widgets/controls",
816
      "_model_module_version": "1.5.0",
817
      "_model_name": "HTMLModel",
818
      "_view_count": null,
819
      "_view_module": "@jupyter-widgets/controls",
820
      "_view_module_version": "1.5.0",
821
      "_view_name": "HTMLView",
822
      "description": "",
823
      "description_tooltip": null,
824
      "layout": "IPY_MODEL_c02f8cabac564a02af0da144cfa7f18d",
825
      "placeholder": "​",
826
      "style": "IPY_MODEL_12fc582a4b41446aa7a0b7c994ca3da0",
827
      "value": "Upserted vectors: 100%"
828
     }
829
    },
830
    "0844f0c5c3e141bf8216ca09248fc674": {
831
     "model_module": "@jupyter-widgets/controls",
832
     "model_module_version": "1.5.0",
833
     "model_name": "ProgressStyleModel",
834
     "state": {
835
      "_model_module": "@jupyter-widgets/controls",
836
      "_model_module_version": "1.5.0",
837
      "_model_name": "ProgressStyleModel",
838
      "_view_count": null,
839
      "_view_module": "@jupyter-widgets/base",
840
      "_view_module_version": "1.2.0",
841
      "_view_name": "StyleView",
842
      "bar_color": null,
843
      "description_width": ""
844
     }
845
    },
846
    "12fc582a4b41446aa7a0b7c994ca3da0": {
847
     "model_module": "@jupyter-widgets/controls",
848
     "model_module_version": "1.5.0",
849
     "model_name": "DescriptionStyleModel",
850
     "state": {
851
      "_model_module": "@jupyter-widgets/controls",
852
      "_model_module_version": "1.5.0",
853
      "_model_name": "DescriptionStyleModel",
854
      "_view_count": null,
855
      "_view_module": "@jupyter-widgets/base",
856
      "_view_module_version": "1.2.0",
857
      "_view_name": "StyleView",
858
      "description_width": ""
859
     }
860
    },
861
    "151236c9274b4f5a9c74cd38a046e583": {
862
     "model_module": "@jupyter-widgets/controls",
863
     "model_module_version": "1.5.0",
864
     "model_name": "DescriptionStyleModel",
865
     "state": {
866
      "_model_module": "@jupyter-widgets/controls",
867
      "_model_module_version": "1.5.0",
868
      "_model_name": "DescriptionStyleModel",
869
      "_view_count": null,
870
      "_view_module": "@jupyter-widgets/base",
871
      "_view_module_version": "1.2.0",
872
      "_view_name": "StyleView",
873
      "description_width": ""
874
     }
875
    },
876
    "307b2cf43a6948b9bd74d77d5340bdc8": {
877
     "model_module": "@jupyter-widgets/base",
878
     "model_module_version": "1.2.0",
879
     "model_name": "LayoutModel",
880
     "state": {
881
      "_model_module": "@jupyter-widgets/base",
882
      "_model_module_version": "1.2.0",
883
      "_model_name": "LayoutModel",
884
      "_view_count": null,
885
      "_view_module": "@jupyter-widgets/base",
886
      "_view_module_version": "1.2.0",
887
      "_view_name": "LayoutView",
888
      "align_content": null,
889
      "align_items": null,
890
      "align_self": null,
891
      "border": null,
892
      "bottom": null,
893
      "display": null,
894
      "flex": null,
895
      "flex_flow": null,
896
      "grid_area": null,
897
      "grid_auto_columns": null,
898
      "grid_auto_flow": null,
899
      "grid_auto_rows": null,
900
      "grid_column": null,
901
      "grid_gap": null,
902
      "grid_row": null,
903
      "grid_template_areas": null,
904
      "grid_template_columns": null,
905
      "grid_template_rows": null,
906
      "height": null,
907
      "justify_content": null,
908
      "justify_items": null,
909
      "left": null,
910
      "margin": null,
911
      "max_height": null,
912
      "max_width": null,
913
      "min_height": null,
914
      "min_width": null,
915
      "object_fit": null,
916
      "object_position": null,
917
      "order": null,
918
      "overflow": null,
919
      "overflow_x": null,
920
      "overflow_y": null,
921
      "padding": null,
922
      "right": null,
923
      "top": null,
924
      "visibility": null,
925
      "width": null
926
     }
927
    },
928
    "7bae5fa30a85469189d1d4cb2f1b8432": {
929
     "model_module": "@jupyter-widgets/controls",
930
     "model_module_version": "1.5.0",
931
     "model_name": "HTMLModel",
932
     "state": {
933
      "_dom_classes": [],
934
      "_model_module": "@jupyter-widgets/controls",
935
      "_model_module_version": "1.5.0",
936
      "_model_name": "HTMLModel",
937
      "_view_count": null,
938
      "_view_module": "@jupyter-widgets/controls",
939
      "_view_module_version": "1.5.0",
940
      "_view_name": "HTMLView",
941
      "description": "",
942
      "description_tooltip": null,
943
      "layout": "IPY_MODEL_c90f1ae40f794847a051ad6b6e767129",
944
      "placeholder": "​",
945
      "style": "IPY_MODEL_151236c9274b4f5a9c74cd38a046e583",
946
      "value": " 46/46 [01:33&lt;00:00, 57.54it/s]"
947
     }
948
    },
949
    "a704adf4487944888ac5204c8af01bb0": {
950
     "model_module": "@jupyter-widgets/controls",
951
     "model_module_version": "1.5.0",
952
     "model_name": "HBoxModel",
953
     "state": {
954
      "_dom_classes": [],
955
      "_model_module": "@jupyter-widgets/controls",
956
      "_model_module_version": "1.5.0",
957
      "_model_name": "HBoxModel",
958
      "_view_count": null,
959
      "_view_module": "@jupyter-widgets/controls",
960
      "_view_module_version": "1.5.0",
961
      "_view_name": "HBoxView",
962
      "box_style": "",
963
      "children": [
964
       "IPY_MODEL_018284be942d4b1c80b786005d8e8c12",
965
       "IPY_MODEL_d0b95b4b3c3c4249a8a0949bbee03244",
966
       "IPY_MODEL_7bae5fa30a85469189d1d4cb2f1b8432"
967
      ],
968
      "layout": "IPY_MODEL_307b2cf43a6948b9bd74d77d5340bdc8"
969
     }
970
    },
971
    "c02f8cabac564a02af0da144cfa7f18d": {
972
     "model_module": "@jupyter-widgets/base",
973
     "model_module_version": "1.2.0",
974
     "model_name": "LayoutModel",
975
     "state": {
976
      "_model_module": "@jupyter-widgets/base",
977
      "_model_module_version": "1.2.0",
978
      "_model_name": "LayoutModel",
979
      "_view_count": null,
980
      "_view_module": "@jupyter-widgets/base",
981
      "_view_module_version": "1.2.0",
982
      "_view_name": "LayoutView",
983
      "align_content": null,
984
      "align_items": null,
985
      "align_self": null,
986
      "border": null,
987
      "bottom": null,
988
      "display": null,
989
      "flex": null,
990
      "flex_flow": null,
991
      "grid_area": null,
992
      "grid_auto_columns": null,
993
      "grid_auto_flow": null,
994
      "grid_auto_rows": null,
995
      "grid_column": null,
996
      "grid_gap": null,
997
      "grid_row": null,
998
      "grid_template_areas": null,
999
      "grid_template_columns": null,
1000
      "grid_template_rows": null,
1001
      "height": null,
1002
      "justify_content": null,
1003
      "justify_items": null,
1004
      "left": null,
1005
      "margin": null,
1006
      "max_height": null,
1007
      "max_width": null,
1008
      "min_height": null,
1009
      "min_width": null,
1010
      "object_fit": null,
1011
      "object_position": null,
1012
      "order": null,
1013
      "overflow": null,
1014
      "overflow_x": null,
1015
      "overflow_y": null,
1016
      "padding": null,
1017
      "right": null,
1018
      "top": null,
1019
      "visibility": null,
1020
      "width": null
1021
     }
1022
    },
1023
    "c90f1ae40f794847a051ad6b6e767129": {
1024
     "model_module": "@jupyter-widgets/base",
1025
     "model_module_version": "1.2.0",
1026
     "model_name": "LayoutModel",
1027
     "state": {
1028
      "_model_module": "@jupyter-widgets/base",
1029
      "_model_module_version": "1.2.0",
1030
      "_model_name": "LayoutModel",
1031
      "_view_count": null,
1032
      "_view_module": "@jupyter-widgets/base",
1033
      "_view_module_version": "1.2.0",
1034
      "_view_name": "LayoutView",
1035
      "align_content": null,
1036
      "align_items": null,
1037
      "align_self": null,
1038
      "border": null,
1039
      "bottom": null,
1040
      "display": null,
1041
      "flex": null,
1042
      "flex_flow": null,
1043
      "grid_area": null,
1044
      "grid_auto_columns": null,
1045
      "grid_auto_flow": null,
1046
      "grid_auto_rows": null,
1047
      "grid_column": null,
1048
      "grid_gap": null,
1049
      "grid_row": null,
1050
      "grid_template_areas": null,
1051
      "grid_template_columns": null,
1052
      "grid_template_rows": null,
1053
      "height": null,
1054
      "justify_content": null,
1055
      "justify_items": null,
1056
      "left": null,
1057
      "margin": null,
1058
      "max_height": null,
1059
      "max_width": null,
1060
      "min_height": null,
1061
      "min_width": null,
1062
      "object_fit": null,
1063
      "object_position": null,
1064
      "order": null,
1065
      "overflow": null,
1066
      "overflow_x": null,
1067
      "overflow_y": null,
1068
      "padding": null,
1069
      "right": null,
1070
      "top": null,
1071
      "visibility": null,
1072
      "width": null
1073
     }
1074
    },
1075
    "d0b95b4b3c3c4249a8a0949bbee03244": {
1076
     "model_module": "@jupyter-widgets/controls",
1077
     "model_module_version": "1.5.0",
1078
     "model_name": "FloatProgressModel",
1079
     "state": {
1080
      "_dom_classes": [],
1081
      "_model_module": "@jupyter-widgets/controls",
1082
      "_model_module_version": "1.5.0",
1083
      "_model_name": "FloatProgressModel",
1084
      "_view_count": null,
1085
      "_view_module": "@jupyter-widgets/controls",
1086
      "_view_module_version": "1.5.0",
1087
      "_view_name": "ProgressView",
1088
      "bar_style": "success",
1089
      "description": "",
1090
      "description_tooltip": null,
1091
      "layout": "IPY_MODEL_ed195d80d1bd4e87a1c21c2483ebc462",
1092
      "max": 46,
1093
      "min": 0,
1094
      "orientation": "horizontal",
1095
      "style": "IPY_MODEL_0844f0c5c3e141bf8216ca09248fc674",
1096
      "value": 46
1097
     }
1098
    },
1099
    "ed195d80d1bd4e87a1c21c2483ebc462": {
1100
     "model_module": "@jupyter-widgets/base",
1101
     "model_module_version": "1.2.0",
1102
     "model_name": "LayoutModel",
1103
     "state": {
1104
      "_model_module": "@jupyter-widgets/base",
1105
      "_model_module_version": "1.2.0",
1106
      "_model_name": "LayoutModel",
1107
      "_view_count": null,
1108
      "_view_module": "@jupyter-widgets/base",
1109
      "_view_module_version": "1.2.0",
1110
      "_view_name": "LayoutView",
1111
      "align_content": null,
1112
      "align_items": null,
1113
      "align_self": null,
1114
      "border": null,
1115
      "bottom": null,
1116
      "display": null,
1117
      "flex": null,
1118
      "flex_flow": null,
1119
      "grid_area": null,
1120
      "grid_auto_columns": null,
1121
      "grid_auto_flow": null,
1122
      "grid_auto_rows": null,
1123
      "grid_column": null,
1124
      "grid_gap": null,
1125
      "grid_row": null,
1126
      "grid_template_areas": null,
1127
      "grid_template_columns": null,
1128
      "grid_template_rows": null,
1129
      "height": null,
1130
      "justify_content": null,
1131
      "justify_items": null,
1132
      "left": null,
1133
      "margin": null,
1134
      "max_height": null,
1135
      "max_width": null,
1136
      "min_height": null,
1137
      "min_width": null,
1138
      "object_fit": null,
1139
      "object_position": null,
1140
      "order": null,
1141
      "overflow": null,
1142
      "overflow_x": null,
1143
      "overflow_y": null,
1144
      "padding": null,
1145
      "right": null,
1146
      "top": null,
1147
      "visibility": null,
1148
      "width": null
1149
     }
1150
    }
1151
   }
1152
  }
1153
 },
1154
 "nbformat": 4,
1155
 "nbformat_minor": 4
1156
}
1157

Использование cookies

Мы используем файлы cookie в соответствии с Политикой конфиденциальности и Политикой использования cookies.

Нажимая кнопку «Принимаю», Вы даете АО «СберТех» согласие на обработку Ваших персональных данных в целях совершенствования нашего веб-сайта и Сервиса GitVerse, а также повышения удобства их использования.

Запретить использование cookies Вы можете самостоятельно в настройках Вашего браузера.