diff --git a/.DS_Store b/.DS_Store index fe023c0..c9e2eab 100644 Binary files a/.DS_Store and b/.DS_Store differ diff --git a/core/ai_2.py b/core/ai_2.py index 2ba6c1e..3519c29 100644 --- a/core/ai_2.py +++ b/core/ai_2.py @@ -11,7 +11,6 @@ ) from llama_index.llms.openai import OpenAI from llama_index.embeddings.openai import OpenAIEmbedding -from utils.bhashini_utils import bhashini_translate from dotenv import load_dotenv # from llama_index.legacy.query_engine import FLAREInstructQueryEngine @@ -37,237 +36,10 @@ # from llama_index.core.prompts import LangchainPromptTemplate from llama_index.core import PromptTemplate -# TO ARTIFICALLY GENERATE Q&A -from llama_index.core.evaluation import generate_question_context_pairs -# Prompt to generate questions -qa_generate_prompt_tmpl = """\ -Context information is below. - ---------------------- -{context_str} ---------------------- - -Given the context information and not prior knowledge. -generate only questions based on the below query. - -You are a Professor. Your task is to setup \ -{num_questions_per_chunk} questions for an upcoming \ -quiz/examination. The questions should be diverse in nature \ -across the document. The questions should not contain options, not start with Q1/ Q2. \ -Restrict the questions to the context information provided.\ -""" - -class CustomQueryEngine(RetrieverQueryEngine): - def __init__(self, custom_str, refine_str): - self.custom_str = custom_str - self.refine_str = refine_str - - def custom_query(self, query_str: str): - # Retrieve nodes relevant to the query - nodes = self.retriever.retrieve(query_str) - - qa_dataset = generate_question_context_pairs( - nodes, llm=llm, num_questions_per_chunk=2, qa_generate_prompt_tmpl=qa_generate_prompt_tmpl - ) - # The returned result is a EmbeddingQAFinetuneDataset object (containing queries, relevant_docs, and corpus). - - # Generate the context string - context_str = "\n\n".join([n.node.get_context() for n in nodes]) - - # print or log the context string - print("Context string:", context_str) - - # Call the superclass's query method to generate a response - return super().query(query_str) - -# Templates -QA_TEMPLATE = PromptTemplate( - "Context information is below.\n" - "---------------------\n" - "{context_str}\n" - "---------------------\n" - "Given this information, please answer the question: {query_str}\n" - "If you don't know the answer, just say that you don't know. Don't try to make up an answer.\n" - "Provide a detailed response and explain your reasoning step by step." -) - -REFINE_TEMPLATE = PromptTemplate( - "The original question is as follows: {query_str}\n" - "We have provided an existing answer: {existing_answer}\n" - "We have the opportunity to refine the existing answer " - "(only if needed) with some more context below.\n" - "------------\n" - "{context_msg}\n" - "------------\n" - "Given the new context, refine the original answer to better " - "answer the question. If the context isn't useful, return the original answer." -) - # Load environment variables load_dotenv(dotenv_path="ops/.env") -# llm = OpenAI() -# Constants -PERSIST_DIR = "./storage" -DATA_FILE = 'data/Haq_data_v4.txt' -PORTKEY_HEADERS = { - "x-portkey-api-key": os.getenv("PORTKEY_API_KEY"), - "x-portkey-provider": "openai", - "Content-Type": "application/json" -} -# Initialize settings -Settings.chunk_size = 512 -Settings.llm = OpenAI( - model=os.getenv("MODEL_NAME"), - temperature=0.1, - api_base=os.getenv("PORTKEY_GATEWAY_URL"), - default_headers=PORTKEY_HEADERS -) -Settings.embed_model = OpenAIEmbedding(model="text-embedding-3-small") - -# openai_api_key = os.getenv("OPENAI_API_KEY") -# port_api_key = os.getenv("PORTKEY_API_KEY") -# model = os.getenv("MODEL_NAME") - -@lru_cache(maxsize=1) -def get_or_create_index(): - if os.path.exists(PERSIST_DIR): - return load_index_from_storage(StorageContext.from_defaults(persist_dir=PERSIST_DIR)) - - documents = SimpleDirectoryReader(input_files=[DATA_FILE]).load_data() - document = Document(text="\n\n".join(doc.text for doc in documents)) - index = VectorStoreIndex.from_documents([document]) - index.storage_context.persist(persist_dir=PERSIST_DIR) - return index - -SIMILARITY_CUTOFF = 0.7 -TOP_K = 3 - -# RETREIVER PART -from llama_index.core.evaluation import RetrieverEvaluator - -def create_custom_query_engine(index: VectorStoreIndex) -> RetrieverQueryEngine: - """Create a custom query engine with advanced retrieval and postprocessing.""" - retriever = index.as_retriever(similarity_top_k=TOP_K) - retriever_evaluator = RetrieverEvaluator.from_metric_names( - ["mrr", "hit_rate"], - retriever=retriever) - - # retriever_evaluator.evaluate( - # query="query", expected_ids=["node_id1", "node_id2"] - # ) - # eval_results = await retriever_evaluator.aevaluate_dataset(qa_dataset) - - return RetrieverQueryEngine.from_args( - retriever, - node_postprocessors=[SimilarityPostprocessor(similarity_cutoff=SIMILARITY_CUTOFF)], - text_qa_template=QA_TEMPLATE, - refine_template=REFINE_TEMPLATE, - ) - - query_engine = RetrieverQueryEngine.from_args( - retriever, - node_postprocessors=[SimilarityPostprocessor(similarity_cutoff=SIMILARITY_CUTOFF)], - text_qa_template=lc_prompt_tmpl, - ) - return query_engine - -def semantic_cache(func): - """Simple semantic caching decorator.""" - cache = {} - - def wrapper(*args, **kwargs): - query = args[0] if args else kwargs.get('input_message', '') - for cached_query, cached_response in cache.items(): - if semantic_similarity(query, cached_query) > 0.9: # Adjust threshold as needed - logger.info("Using cached response for similar query.") - return cached_response - result = func(*args, **kwargs) - cache[query] = result - return result - - return wrapper - -def semantic_similarity(query1: str, query2: str) -> float: - """Compute semantic similarity between two queries.""" - # Implement semantic similarity calculation here - # This is a placeholder and should be replaced with actual implementation - return 0.5 # Placeholder value - - -# @lru_cache(maxsize=100) -@semantic_cache -def llama_index_rag(input_message): - # query_engine = get_or_create_index().as_query_engine(similarity_top_k=2) - query_engine = create_custom_query_engine(get_or_create_index()) - # debug_handler = LlamaDebugHandler(print_trace_on_end=True) - # callback_manager = CallbackManager([debug_handler]) - try: - response = query_engine.query(input_message) - logger.info(f"Query: {input_message}") - logger.info(f"Response: {response}") - return str(response) - except Exception as e: - logger.error(f"Error during query processing: {e}") - return "An error occurred while processing your query. Please try again." - - # response = query_engine.query(input_message) - # return str(response) - - # for streaming - # stream = llm.stream_complete(input_message) - # for r in stream: - # print(r.delta, end="", flush = True) - -def ragindex(chat_id: str, input_message: str) -> str: - """Wrapper function to call llama_index_rag.""" - res = llama_index_rag(input_message) - logger.info(f"Chat ID: {chat_id}, Query: {input_message}") - logger.info(f"Response type: {type(res)}, Response: {res}") - return res - - -def bhashini_text_chat(chat_id, text, lang): - input_message = bhashini_translate(text, lang, "en") - response_en = ragindex(chat_id, input_message) - response = bhashini_translate(response_en, "en", lang) - return response, response_enfrom openai import OpenAI -import os -import json -from functools import lru_cache -# portkey -from portkey_ai import PORTKEY_GATEWAY_URL, createHeaders, Portkey -# llama index imports -from llama_index.core import ( - SimpleDirectoryReader, StorageContext, load_index_from_storage, VectorStoreIndex, - Document, Settings, PromptTemplate -) -from llama_index.llms.openai import OpenAI -from llama_index.embeddings.openai import OpenAIEmbedding -from utils.bhashini_utils import bhashini_translate -from dotenv import load_dotenv -# from llama_index.legacy.query_engine import FLAREInstructQueryEngine - -# pip install -U sentence-transformers -# from sentence_transformers import SentenceTransformer - -from utils.bhashini_utils import bhashini_translate # bhashini_asr,# bhashini_tts) - -import logging -from typing import Optional -from llama_index.core.query_engine import RetrieverQueryEngine -from llama_index.core.postprocessor import SimilarityPostprocessor -# from llama_index.callbacks import CallbackManager, LlamaDebugHandler - -# from llama_index.response.pprint_utils import pprint_response -# pprint_response(response, show_source=True) - -# Set up logging -logging.basicConfig(level=logging.INFO) -logger = logging.getLogger(__name__) - -from langchain import hub -# from llama_index.core.prompts import LangchainPromptTemplate -from llama_index.core import PromptTemplate +api_key = os.environ("OPENAI_API_KEY") +llm = OpenAI(api_key=api_key) # TO ARTIFICALLY GENERATE Q&A from llama_index.core.evaluation import generate_question_context_pairs @@ -290,9 +62,9 @@ def bhashini_text_chat(chat_id, text, lang): """ class CustomQueryEngine(RetrieverQueryEngine): - def __init__(self, custom_str, refine_str): - self.custom_str = custom_str - self.refine_str = refine_str + # def __init__(self, custom_str, refine_str): + # self.custom_str = custom_str + # self.refine_str = refine_str def custom_query(self, query_str: str): # Retrieve nodes relevant to the query @@ -335,9 +107,6 @@ def custom_query(self, query_str: str): "answer the question. If the context isn't useful, return the original answer." ) -# Load environment variables -load_dotenv(dotenv_path="ops/.env") -# llm = OpenAI() # Constants PERSIST_DIR = "./storage" DATA_FILE = 'data/Haq_data_v4.txt' @@ -462,4 +231,4 @@ def bhashini_text_chat(chat_id, text, lang): input_message = bhashini_translate(text, lang, "en") response_en = ragindex(chat_id, input_message) response = bhashini_translate(response_en, "en", lang) - return response, response_en \ No newline at end of file + return response, response_en diff --git a/cs alias b/cs alias new file mode 100644 index 0000000..17d1e56 Binary files /dev/null and b/cs alias differ diff --git a/main.py b/main.py index 59ca914..3dac26b 100644 --- a/main.py +++ b/main.py @@ -1,6 +1,7 @@ import logging # from core.ai import ragindex from core.ai_1 import ragindex +# from core.ai_2 import ragindex from telegram import Update import os import dotenv diff --git a/screening-q_optimisations b/screening-q_optimisations new file mode 160000 index 0000000..1435741 --- /dev/null +++ b/screening-q_optimisations @@ -0,0 +1 @@ +Subproject commit 1435741a1865584eb033e62853a6c5cae450eed5 diff --git a/storage/default__vector_store.json b/storage/default__vector_store.json index 140fdd1..3566e07 100644 --- a/storage/default__vector_store.json +++ b/storage/default__vector_store.json @@ -1 +1 @@ -{"embedding_dict": {"cb7d35e2-7643-4351-a5c9-f73e106da74b": [-0.0054181343875825405, 0.029072239995002747, 0.06983988732099533, 0.01171619538217783, -0.004995492286980152, -0.014757833443582058, 0.004084386397153139, 0.020148253068327904, 0.020023539662361145, 0.022503964602947235, 0.02558024600148201, -0.06013990566134453, -0.029183097183704376, 0.005584419704973698, 0.03422708809375763, 0.010198840871453285, -0.04292936250567436, 0.05686962604522705, -0.04861078038811684, 0.035141658037900925, 0.02761724218726158, 0.04287393391132355, -0.034365661442279816, 0.04561764374375343, 0.037275657057762146, 0.023182963952422142, -0.05249077454209328, 0.016171259805560112, 0.008009416051208973, -0.04899878054857254, 0.038910795003175735, -0.015436832793056965, -0.012492194771766663, 0.01759854331612587, 0.024125248193740845, -0.02569110132753849, -0.02397281862795353, 0.024873532354831696, 0.015215118415653706, -0.046781640499830246, -0.02178339473903179, -0.01326819323003292, 0.0292662400752306, 0.0007872576825320721, -0.05567791312932968, 0.019081255421042442, 0.004610957112163305, -0.001388310338370502, -0.006221847143024206, 0.028213098645210266, -0.029016811400651932, 0.04958077892661095, 0.0037483512423932552, 0.023598676547408104, -0.016642402857542038, -0.014369834214448929, 0.03292451798915863, -0.013642335310578346, -0.02462410368025303, -0.010843196883797646, 0.02546938881278038, 0.006886989343911409, -0.035668227821588516, 0.03322937712073326, 0.013067265041172504, 0.005407741293311119, -0.01100255362689495, 0.001803157851099968, -0.026314672082662582, 0.031344808638095856, 0.005366170313209295, 0.0313170924782753, 0.03087366558611393, -0.01877639815211296, -0.020563967525959015, -0.003762208390980959, -0.010129555128514767, 0.004080922342836857, 0.004281850531697273, 0.004105172120034695, 0.010919411666691303, -0.011314339004456997, -0.049691636115312576, -0.0559273399412632, -0.014743976294994354, 0.018055828288197517, -0.08214501291513443, -0.048749350011348724, -0.033201660960912704, -0.006547489669173956, 0.01747382991015911, 0.04958077892661095, -0.0267581008374691, 0.03142794966697693, 0.03054109402000904, -0.027825098484754562, -0.033728230744600296, -0.0021911573130637407, -0.010760053992271423, 0.06296675652265549, 0.02664724364876747, -0.03214852139353752, 0.008695343509316444, -0.03855051100254059, 0.03943736478686333, -0.011674624867737293, -0.03273051977157593, 0.03378365933895111, 0.004770313855260611, -0.018942683935165405, -0.08436214923858643, -0.04040736332535744, -0.044536788016557693, -0.0024284604005515575, 0.021409252658486366, 0.009852413088083267, -0.03519708663225174, -0.048084210604429245, 0.004777242429554462, -0.033090803772211075, -0.05869876593351364, 0.023584820330142975, 0.006415847223252058, -0.01653154566884041, -0.016697831451892853, 0.00048759745550341904, -0.0060174548998475075, 0.002350514056161046, -0.04098936542868614, -0.00960991345345974, 0.027437100186944008, 0.026037530973553658, 0.01564469002187252, -0.0210628230124712, -0.04018564894795418, 0.024970531463623047, -0.00982469879090786, -0.013642335310578346, -0.04123879224061966, -0.019995825365185738, 0.009540627710521221, -0.027173813432455063, 0.00086044060299173, 0.053266771137714386, 0.015339832752943039, -0.06108218804001808, -0.0073997024446725845, -0.0018308721482753754, -0.041515935212373734, -0.03109537996351719, 0.03738651052117348, -0.013961049728095531, -0.009907841682434082, -0.0015355421928688884, 0.027547957375645638, -0.008376630023121834, 0.011307410895824432, 0.08596957474946976, -0.022393107414245605, 0.0037864584010094404, -0.018083542585372925, 0.013822478242218494, 0.004077457822859287, -0.0037275655195116997, -0.051326777786016464, -0.008716128766536713, -0.003323976881802082, -0.06368732452392578, -0.048527639359235764, -0.014660834334790707, -0.04146050661802292, -0.07172445952892303, -0.04553449898958206, -0.04326193034648895, -0.005916990805417299, -0.03555737063288689, 0.027811242267489433, -0.01128662470728159, -0.021672537550330162, -0.035252515226602554, -0.03358966112136841, -0.029543381184339523, -0.016337545588612556, -0.02923852577805519, -0.03278594836592674, -0.04445364326238632, -0.002677888609468937, 0.024679532274603844, -0.032425664365291595, 0.01996811106801033, 0.004136350471526384, 0.03370051831007004, 0.03397766128182411, -0.06900846213102341, -0.04644906893372536, -0.027159957215189934, 0.02039768174290657, 0.017889542505145073, -0.038245655596256256, 0.0033083877060562372, 0.013670049607753754, -0.03985308110713959, 0.06706846505403519, -0.020550111308693886, -0.022406965494155884, -0.007656059227883816, -0.003207923611626029, -0.014231263659894466, 0.012464480474591255, -0.01813897117972374, 0.07477302104234695, -0.037275657057762146, 0.012942550703883171, 0.05559476837515831, -0.021630965173244476, 0.02049468271434307, -0.04317878931760788, -0.03572365641593933, -0.006540561094880104, -0.013074194081127644, -0.03819022700190544, -0.0004581510729622096, -0.007967844605445862, -0.007247274275869131, 0.003542226506397128, 0.020550111308693886, 0.03217623382806778, 0.012457551434636116, 0.010621483437716961, -0.01833297125995159, -0.0005213741678744555, 0.03109537996351719, -0.005026670638471842, 0.010593769140541553, 0.05082792043685913, -0.04553449898958206, 0.018180543556809425, -0.012790123000741005, -0.021132109686732292, -0.005871954839676619, 0.030596522614359856, 0.04298478737473488, 0.00731656001880765, 0.05634305253624916, 0.017653971910476685, 0.016988830640912056, 0.002352246316149831, -0.06019533425569534, 0.034919943660497665, -0.02073025330901146, 0.017944971099495888, 0.031233951449394226, 0.027256956323981285, -0.04298478737473488, 0.012665408663451672, -0.05116049200296402, 0.016808688640594482, -0.004995492286980152, 0.019344540312886238, -0.045174214988946915, 0.04315107315778732, -0.0016178188379853964, -0.022379251196980476, -0.009554484859108925, -0.016268260776996613, 0.03325708955526352, 0.03334023430943489, -0.00025419157464057207, -0.048749350011348724, -0.00793320219963789, -0.048943351954221725, 0.01122426800429821, 0.036000799387693405, 0.018817970529198647, -0.0008327263640239835, -0.006862739101052284, 0.005134063307195902, -0.007628344930708408, -0.000491927785333246, -0.0009847217006608844, -0.01953854039311409, -0.011695410124957561, -0.010323555208742619, 0.0065197753719985485, 0.01890111342072487, 0.02278110757470131, -0.03419937565922737, 0.011175768449902534, -0.011667695827782154, 0.03381137549877167, 6.0191869124537334e-05, -0.012415979988873005, -0.0246102474629879, -0.05149305984377861, 0.029875952750444412, 0.014425262808799744, -0.009907841682434082, 0.011466767638921738, -0.023501677438616753, 0.026259243488311768, 0.004216028843075037, 0.04448135942220688, -0.05825533717870712, -0.03677679970860481, -0.002987941727042198, 0.04187621921300888, 0.050800204277038574, 0.03539108857512474, 0.06418618559837341, -0.03505851700901985, 0.00634309696033597, 0.0014610601356253028, 0.05118820443749428, -0.01079469732940197, -0.030153095722198486, -0.033506520092487335, 0.012762408703565598, -0.03403308987617493, 0.0017408007988706231, -0.013933335430920124, -0.021520107984542847, -0.0190119706094265, -0.019732540473341942, -0.033423375338315964, 0.004600564017891884, -0.07710102200508118, 0.02160325087606907, -0.0015589260729029775, -0.021561680361628532, -0.002128800144419074, 0.02018982544541359, -0.04281850531697273, 0.017723258584737778, 0.013711621053516865, -0.004361528903245926, 0.03500308841466904, 0.01193098071962595, 0.006893917452543974, 0.0028822810854762793, 0.023376962170004845, 0.013864049687981606, -0.031566523015499115, -0.013829406350851059, -0.018734827637672424, -0.02027296833693981, -0.01068384014070034, -0.015921831130981445, 0.019136684015393257, -0.0014411405427381396, 0.02127068117260933, -0.042153362184762955, 0.010635340586304665, -0.028767382726073265, 0.006935488898307085, -0.022102108225226402, 0.019732540473341942, 0.017432257533073425, -0.03203766420483589, -0.025095246732234955, 0.009034843184053898, -0.05146534740924835, -0.014577691443264484, 0.05686962604522705, -0.003124780720099807, 0.02826852723956108, 0.004624814260751009, -0.04489707201719284, -0.03292451798915863, -0.005404277238994837, -0.06806617975234985, 0.008286558091640472, -0.05329448729753494, 0.017986543476581573, 0.02948795258998871, -0.054985057562589645, 0.008092558942735195, 0.010517554357647896, 0.041072506457567215, 0.019455397501587868, 0.04728049784898758, 0.08973871171474457, -0.015325975604355335, 0.0070220958441495895, -0.02753409929573536, 0.05925304815173149, 0.03777451068162918, -0.03173280879855156, -0.0077599878422915936, 0.0032494948245584965, 0.020120538771152496, 0.033728230744600296, -0.0014896404463797808, 0.02081339620053768, -0.035889942198991776, 0.0023799606133252382, -0.0056086694821715355, -0.02526153065264225, 0.052823346108198166, 0.048832494765520096, -0.04919277876615524, 0.0246102474629879, -0.06119304522871971, -0.051105063408613205, 0.02030068263411522, 0.009027914144098759, 0.03128938004374504, 0.013282050378620625, -0.00458670686930418, 0.03722022846341133, -0.016032688319683075, 0.02505367435514927, -0.04985792189836502, 0.04489707201719284, 0.006509382743388414, -0.006862739101052284, -0.06490675359964371, 0.0068973819725215435, 0.061248473823070526, 0.038023941218853, -0.03237023577094078, -0.024125248193740845, 0.007337345741689205, 0.0025323887821286917, -0.05637076869606972, -0.055012769997119904, -0.0026605671737343073, 0.0008794941240921617, -0.028310097754001617, 0.020536253228783607, -0.09683356434106827, -0.04328964650630951, 0.038134798407554626, 0.021118251606822014, 0.0019486576784402132, -0.03974222391843796, -0.005179098807275295, 0.01693340204656124, -0.0307628083974123, -0.007863916456699371, 0.008632986806333065, -0.011806267313659191, 0.015727832913398743, -0.03788536787033081, -0.021409252658486366, 0.023127535358071327, -0.0091803427785635, -0.0052795629017055035, -0.00992862693965435, 0.03347880393266678, 0.03455965965986252, -0.017307544127106667, -0.026162244379520416, 0.014910262078046799, 0.023016678169369698, -0.033506520092487335, -0.06108218804001808, 0.031039951369166374, -0.0006980524631217122, -0.04157136380672455, -0.028905954211950302, -0.02710452862083912, 0.04254136234521866, 0.04575621336698532, 0.06401989609003067, -0.002715995768085122, 0.025552531704306602, -0.04013022407889366, -0.004766849800944328, 0.03140023723244667, -0.008196487091481686, 0.009616841562092304, 0.05354391410946846, 0.015894116833806038, 0.017349114641547203, -0.050689347088336945, -0.06230161711573601, 0.025344673544168472, -0.019053541123867035, 0.01802811399102211, 0.0036201728507876396, 0.021824965253472328, -0.04988563433289528, -0.06618160754442215, 0.008432057686150074, 0.05346077308058739, 0.023501677438616753, -0.0164068304002285, -0.00939512811601162, -0.004229885991662741, 0.03694308549165726, -0.007049810141324997, 0.02408367581665516, 0.015561547130346298, -0.01629597507417202, -0.020785681903362274, -0.05551162734627724, -0.01251298002898693, -0.04675392434000969, -0.03819022700190544, 0.005982812028378248, -0.009443627670407295, -0.03613937273621559, 0.015810975804924965, 0.0412110760807991, 0.05980733409523964, 0.0048846350982785225, 0.02513681724667549, -0.004281850531697273, -0.02038382552564144, -0.003828029613941908, 0.0016706491587683558, 0.014383691363036633, -0.01791725680232048, -0.013004908338189125, -0.02923852577805519, 0.013898692093789577, 0.029432523995637894, 0.023058248683810234, -0.016337545588612556, 0.011681552976369858, -0.027049100026488304, -0.001467122696340084, 0.036111656576395035, 0.0006192401051521301, -0.03871679678559303, -0.023889675736427307, -0.029072239995002747, -0.06390903890132904, 0.0016862384509295225, -0.02157553657889366, -0.0003862672601826489, -0.026813529431819916, 0.0016498634358868003, 0.015519975684583187, 0.013108836486935616, -0.01079469732940197, -0.010829339735209942, 9.543009218759835e-05, -0.010129555128514767, -0.019025826826691628, 0.029210811480879784, -0.016101974993944168, 0.030263952910900116, 0.017307544127106667, 0.028905954211950302, -0.027700385078787804, -0.04558992758393288, -0.009693056344985962, 0.009672270156443119, -0.022503964602947235, 0.032813660800457, -0.01628211699426174, 0.02127068117260933, -0.0009795252699404955, 0.025843530893325806, 0.010496769100427628, -0.0033101197332143784, -0.026273101568222046, -0.011785481125116348, -0.019566254690289497, 0.005677955225110054, -0.027783527970314026, 0.01739068701863289, -0.00712948851287365, -0.010697697289288044, 0.011134197004139423, 0.00896555744111538, -0.014771690592169762, -0.028323955833911896, 0.03649965673685074, -0.0072749885730445385, -0.027021385729312897, -0.022808821871876717, -0.03334023430943489, 0.012741622515022755, 0.017418401315808296, -0.073442742228508, 0.0027107992209494114, 0.04547907039523125, -0.007649130653589964, -0.018748683854937553, -0.025774244219064713, 0.017944971099495888, 0.03237023577094078, -0.06595989316701889, 0.00038778287125751376, -0.01306033693253994, 0.002353978343307972, 0.020979681983590126, 0.012318980880081654, 0.024804245680570602, -0.020577823743224144, 0.016157403588294983, 0.028905954211950302, -0.0065024541690945625, 0.0059897406026721, -0.013282050378620625, 0.023460105061531067, 0.010711554437875748, 0.03164966404438019, 0.0440102145075798, 0.008653772063553333, -0.020245254039764404, -0.02084111049771309, -0.01685025915503502, -0.002624192275106907, 0.00360285141505301, -0.011127267964184284, 0.00976234208792448, 0.005283027421683073, 0.005754169542342424, 0.024776531383395195, 0.0016420688480138779, -0.031039951369166374, -0.03472594544291496, 0.034254804253578186, 0.000957007403485477, -0.0033568874932825565, -0.012817837297916412, 0.025871245190501213, -0.0026068708393722773, -0.01143905334174633, 0.011376696638762951, 0.0048188138753175735, 0.04162679240107536, 0.007032488938421011, -0.006183740217238665, -0.014605405740439892, -0.04220879077911377, -0.01251990906894207, -0.012700051069259644, 0.0014965690206736326, 0.02416681870818138, -0.01879025623202324, 0.006904310546815395, 0.036222513765096664, -0.011044125072658062, 0.011057982221245766, -0.008806200698018074, 0.006010526325553656, 0.00992862693965435, -0.002411138964816928, 0.02233767881989479, -0.006793453358113766, 0.028213098645210266, -0.019275255501270294, -0.001965979114174843, -0.029598809778690338, -0.019178254529833794, -0.01046905480325222, 0.004901956766843796, -0.05819990858435631, 0.02567724511027336, -0.022587107494473457, 0.04761306941509247, -0.024139104411005974, -0.015187404118478298, 0.015741689130663872, 0.024014391005039215, 0.034504231065511703, -0.04545135796070099, -0.016600830480456352, 0.01629597507417202, -0.00906948558986187, -0.009665342047810555, 0.0015736493514850736, 0.022753393277525902, 0.011099553667008877, -0.001037551905028522, -0.009422842413187027, -0.043649930506944656, -0.00448277872055769, -0.007753059267997742, -0.006069418974220753, 0.0018429970368742943, 0.0096029844135046, 0.03461508825421333, -0.04051822051405907, -0.00913184229284525, 0.024887388572096825, -0.012817837297916412, -0.01682254485785961, -0.039021652191877365, 0.014937976375222206, 0.023058248683810234, 0.022476250305771828, 0.06834331899881363, -0.017556972801685333, 0.02179725095629692, 0.026092959567904472, -0.006495525594800711, 0.019164398312568665, 0.00653016846626997, -0.03250880539417267, 0.030735094100236893, 0.046144213527441025, -0.005199884530156851, 0.018942683935165405, 0.012720837257802486, -0.08292101323604584, -0.010053341276943684, -0.004766849800944328, 0.035779085010290146, -0.033312518149614334, -0.04351136088371277, -0.013697763904929161, -0.017681686207652092, 0.01456383429467678, 0.06961817294359207, 0.017418401315808296, 0.003931958228349686, 0.01607426069676876, -0.03602851554751396, 0.023182963952422142, -0.02060553804039955, 0.03774679824709892, 0.011238125152885914, 0.003419244661927223, 0.008619129657745361, -0.015076547861099243, 0.015298261307179928, 0.06429704278707504, -0.011494481936097145, 0.008404344320297241, -0.004053208045661449, 0.00299487030133605, -0.011106482706964016, 0.031344808638095856, 0.006938953418284655, 0.034254804253578186, -0.020771823823451996, 0.0122566232457757, -0.007489773910492659, -0.018083542585372925, -0.054680198431015015, 0.028226954862475395, -0.03353423252701759, -0.009575270116329193, -0.02580195851624012, 0.004039350897073746, 0.005515133962035179, -0.003997779451310635, -0.02018982544541359, -0.0008522129501216114, -0.01575554721057415, -0.017196686938405037, 0.002288157120347023, 0.0015312118921428919, -0.03791308403015137, 0.002128800144419074, 0.02567724511027336, 0.013067265041172504, 0.016268260776996613, 0.005501276813447475, 0.034476518630981445, 0.009450556710362434, 0.01931682601571083, 0.018623970448970795, -0.0004754724504891783, 0.014591548591852188, 0.010725411586463451, 0.050800204277038574, -0.030707379803061485, 0.00010289994679624215, -0.0164068304002285, 0.006866203621029854, -0.016489973291754723, 0.014328262768685818, 0.04353907331824303, 0.004025493748486042, -0.029543381184339523, -0.004721813835203648, 0.021242966875433922, -0.010171126574277878, 0.048638492822647095, -0.05429219827055931, 0.0027437100652605295, -0.04639364033937454, 0.01856854185461998, -0.02375110611319542, -0.012180409394204617, -0.02710452862083912, -0.02912766858935356, 0.011598410084843636, -0.005352313164621592, 0.009270413778722286, 0.002250049961730838, 0.005186027381569147, 0.016642402857542038, -0.008937843143939972, -0.008632986806333065, -0.002674424322322011, -0.024139104411005974, 0.022933535277843475, 0.017058115452528, 0.001687104464508593, 0.04395478591322899, -0.08197873085737228, 0.003265084233134985, 0.0041294218972325325, -0.011536053381860256, 0.04240278899669647, -0.026938242837786674, 0.030485665425658226, 0.033395662903785706, 0.05019049346446991, -0.025233816355466843, -0.014452977105975151, -0.01258226577192545, -0.006564810872077942, -0.01673940196633339, 0.012027980759739876, -0.013178122229874134, 0.012478337623178959, 0.02146468125283718, -0.004825742449611425, 0.0072749885730445385, -0.003490262432023883, -0.023141391575336456, 0.0003555217699613422, 0.05562248453497887, -0.01333747897297144, -0.04254136234521866, -0.022517820820212364, -0.0063465614803135395, 0.01844382844865322, -0.015741689130663872, 0.006253025960177183, 0.015727832913398743, -0.0356127992272377, 0.012221980839967728, -0.0012350159231573343, -0.010004841722548008, -0.021395394578576088, -0.022296108305454254, -0.008369700983166695, -0.04068450629711151, 0.006076347548514605, -0.019704826176166534, 0.03649965673685074, 0.011730052530765533, 0.024319246411323547, -0.00731656001880765, -0.022905820980668068, 0.007482845336198807, -0.03594537079334259, -0.01522897556424141, -0.03625022992491722, 0.04370535910129547, -0.0004375819116830826, 0.03954822197556496, -0.028407098725438118, -0.0005213741678744555, -0.02268410660326481, 0.03918793797492981, -0.010233484208583832, -0.036222513765096664, -0.0025860851164907217, 0.0025860851164907217, 0.01653154566884041, -0.02957109548151493, 0.006855810526758432, 0.009644555859267712, -0.016046546399593353, 0.0060347761027514935, 0.011820124462246895, 0.05407048761844635, 0.0008457174408249557, 0.0033066554460674524, -0.017944971099495888, 0.01166076771914959, 0.008660700172185898, 0.0731101706624031, -0.00988705549389124, -0.016489973291754723, -0.0032529591117054224, 0.010739268735051155, -0.01073234062641859, -0.007288845721632242, -0.028905954211950302, 0.003159423591569066, -0.0022171393502503633, -0.02429153211414814, 0.019995825365185738, 0.008286558091640472, 0.0005512536154128611, 0.01182705257087946, 0.011639981530606747, -0.0032425662502646446, -0.011030267924070358, -0.0021478538401424885, 0.02147853747010231, -0.010434412397444248, -0.009575270116329193, -0.01380862109363079, 0.05786733701825142, -0.024249961599707603, 0.006769203580915928, -0.0035716728307306767, 0.02278110757470131, -0.013517621904611588, 0.0066167754121124744, 0.011251982301473618, -0.00047807066584937274, -0.011148054152727127, 0.015395261347293854, -0.0004209100443404168, 0.009305057115852833, 0.036970797926187515, 0.03940965235233307, 0.02018982544541359, -0.042901646345853806, 0.022490106523036957, -0.008341986685991287, 0.004635206889361143, 0.016143545508384705, -0.02203282155096531, -0.004330350086092949, 0.01424512080848217, -0.05362705886363983, 0.03893851116299629, -0.009270413778722286, 0.020674824714660645, 0.026203814893960953, 0.01984339766204357, 0.01268619392067194, 0.008695343509316444, 0.011958695016801357, 0.011536053381860256, -0.02332153543829918, 0.029016811400651932, 0.00820341520011425, 0.010510626249015331, 0.021935822442173958, 0.04229193180799484, -0.023279963061213493, 0.0009327574516646564, -0.008778486400842667, 0.010434412397444248, -0.012457551434636116, -0.02948795258998871, 0.026910528540611267, 0.01963553950190544, -0.017570829018950462, 0.03780222684144974, -0.009706913493573666, 0.002627656562253833, -0.011231196112930775, 0.00254797819070518, 0.01673940196633339, 0.0096029844135046, 0.011730052530765533, 0.005352313164621592, -0.016711687669157982, -0.05210277438163757, 0.0034175124019384384, -0.004139814991503954, -0.0010479447664692998, -0.012048766948282719, -0.00836277287453413, 0.013780906796455383, 0.01495183352380991, -0.034171659499406815, -0.024457817897200584, 0.037303369492292404, 0.026591815054416656, -0.033949945122003555, 0.008473629131913185, 0.028628811240196228, -0.0039042439311742783, -0.034254804253578186, 0.029737381264567375, 0.0031421021558344364, 0.03666594251990318, 0.021312251687049866, -0.008889342658221722, 0.0026345851365476847, -0.03583451360464096, 0.03184366226196289, 0.03386680409312248, 0.009464413858950138, 0.012866336852312088, 0.03419937565922737, -0.005331527441740036, -0.02092425338923931, -0.0122566232457757, 0.0006608114344999194, 0.00328067340888083, 0.04933135211467743, 0.022961249575018883, 0.04412107169628143, -0.03974222391843796, 0.008300415240228176, 0.005619062576442957, 0.005470098461955786, -0.010725411586463451, -0.026855099946260452, 0.010108769871294498, 0.028628811240196228, 0.04822278022766113, 0.02298896387219429, 0.027908241376280785, 0.002501210430637002, 0.0016533277230337262, 0.04037965089082718, -0.012672336772084236, 0.018707113340497017, -0.023127535358071327, -0.0014480691170319915, -0.005625991150736809, 0.01618511788547039, -0.017196686938405037, -0.015131976455450058, 0.001522551174275577, -0.03267509117722511, -0.01452226284891367, -0.013219693675637245, -0.01693340204656124, 0.00917341373860836, -0.01944154128432274, 0.02645324356853962, 0.033423375338315964, -5.132141723152017e-06, -0.05190877616405487, -0.02548324503004551, -0.029293954372406006, 0.024748818948864937, 0.034310232847929, 0.017293686047196388, -0.01100948266685009, -0.004403100349009037, 0.0018620506161823869, -0.012055695056915283, 0.0011683284537866712, -0.00939512811601162, 0.02018982544541359, -0.0032269770745187998, 0.007365059573203325, 0.0012367480667307973, -0.05675876885652542, -0.004344207234680653, -0.005189491901546717, 0.0054181343875825405, 0.007649130653589964, 0.004752992652356625, 0.01430054847151041, 0.01100948266685009, -0.029875952750444412, -0.026494815945625305, 0.012097266502678394, -0.022420821711421013, 0.013683906756341457, -0.0008426861604675651, 0.0031265129800885916, 0.026924386620521545, -0.001965979114174843, 0.01898425631225109, -0.02419453300535679, 0.03364508971571922, -0.0060174548998475075, 0.0034781373105943203, 0.013607692904770374, -0.03899393975734711, -0.04373307526111603, 0.02146468125283718, -0.009803913533687592, -0.019344540312886238, -0.00879234354943037, -0.015131976455450058, -0.038689080625772476, 0.009305057115852833, 0.007413559593260288, 0.03173280879855156, -0.034365661442279816, 0.008972485549747944, -0.0013701228890568018, -0.008321201428771019, -0.007607559207826853, -0.0017312740674242377, -0.012914836406707764, -0.0393265075981617, 0.024430103600025177, -0.014148120768368244, 0.0028441741596907377, -0.053266771137714386, 0.021963536739349365, 0.002712531480938196, 0.03400537371635437, 0.01887339912354946, 0.005885811988264322, -0.005996669176965952, 0.0026345851365476847, 0.004323421511799097, -0.0004046712419949472, -0.008480558171868324, 0.059530191123485565, 0.007233417127281427, 0.0285179540514946, 0.016129689291119576, -0.0008955164230428636, 0.014577691443264484, 0.013940263539552689, 0.012118052691221237, 0.02267025038599968, -0.01064226869493723, 0.02535853162407875, 0.013760121539235115, -0.02589895948767662, -0.005404277238994837, 0.026356244459748268, 0.0024423175491392612, -0.004323421511799097, 0.0026571028865873814, -0.032869089394807816, 0.013614621013402939, -0.027561813592910767, 0.02462410368025303, -0.013039550743997097, -0.001420354936271906, 0.005293420050293207, 0.007468988187611103, -0.00031156869954429567, -0.00976234208792448, 0.018720969557762146, -0.044204216450452805, -0.009353556670248508, 0.010032556019723415, 0.019829539582133293, -0.007212631404399872, -0.016004974022507668, 0.015630831941962242, 0.006138704717159271, 0.019386112689971924, -0.024665676057338715, 0.008944771252572536, 0.01750154420733452, -0.0011068375315517187, -0.0171551164239645, 0.001801425707526505, -0.020425396040081978, 0.0065197753719985485, 0.02860109694302082, -0.022822678089141846, 0.026730386540293694, 0.0035682085435837507, -0.03835650905966759, -0.02063325233757496, 0.07582616806030273, -0.004780706949532032, 0.03530794382095337, -0.015894116833806038, -0.0027021386194974184, -0.02082725241780281, 0.027894385159015656, 0.018000399693846703, -0.031150808557868004, -0.00268654921092093, -0.007725344970822334, 0.023820390924811363, -0.009693056344985962, 0.03625022992491722, -0.033617377281188965, 0.010136484168469906, -0.013025693595409393, 0.008127201348543167, -0.009755413047969341, 0.009138771332800388, 0.022642536088824272, 0.0006079811719246209, 0.020480824634432793, 0.004278386011719704, -0.008057915605604649, -0.026480957865715027, 0.010780840180814266, 0.005477027036249638, -0.02807452715933323, -0.012208123691380024, -0.0005053518689237535, -0.00423335051164031, 0.03334023430943489, -0.02084111049771309, -0.02729852870106697, -0.020245254039764404, 0.02623152919113636, 0.017834113910794258, -0.00928427092730999, -0.015589261427521706, -0.007503631059080362, -0.000214244078961201, 0.02405596151947975, -0.005023206118494272, -0.03752508386969566, -0.008729985915124416, -0.017238259315490723, -0.04057364910840988, -0.006595989689230919, 0.008411272428929806, -0.038051653653383255, 0.007365059573203325, 0.017030401155352592, -0.02849024161696434, -0.015727832913398743, -0.0013034354196861386, 0.004475850146263838, 0.02158939465880394, 0.00020872287859674543, -0.023917390033602715, -0.0006058160215616226, -0.011861695908010006, -0.0016819080337882042, -0.01588026061654091, 0.005192955955862999, -0.017058115452528, -0.008646843023598194, -0.0051063490100204945, -0.016448402777314186, 0.0024665675591677427, -0.010275055654346943, 0.03508622944355011, 0.0436222180724144, -0.013240478932857513, -0.010025626979768276, 0.0017026937566697598, -0.0139818349853158, -0.016060402616858482, 0.027880527079105377, 0.027450956404209137, 0.024152962490916252, 0.00928427092730999, -0.014231263659894466, -0.003147298702970147, -0.02212982252240181, 0.014771690592169762, 0.04478621482849121, 0.004070529248565435, 0.010836268775165081, -0.015145833604037762, -0.00879234354943037, 0.006606382317841053, -0.0020941575057804585, 0.029875952750444412, 0.003821101039648056, -0.016656259074807167, -0.031344808638095856, 0.01348990760743618, 0.007579845376312733, -0.0226563923060894, 0.00821034424006939, 0.031455665826797485, 0.02397281862795353, -0.020771823823451996, -0.024319246411323547, -0.013905621133744717, -0.015672404319047928, -0.012284337542951107, 0.004299171734601259, -0.009665342047810555, 0.0014013013569638133, 0.022905820980668068, -0.00017418834613636136, -0.005761098116636276, -0.0039042439311742783, 0.004475850146263838, 0.035252515226602554, -0.016476117074489594, -0.017640115693211555, -0.030402522534132004, 0.021755680441856384, 0.03505851700901985, -0.0369153693318367, -0.009956341236829758, 0.004219493363052607, -0.016434544697403908, -0.004815349355340004, -0.003914636559784412, -0.005594812799245119, -0.016600830480456352, -0.0003449124051257968, 0.05980733409523964, 0.0158525463193655, -0.0066756680607795715, -0.03159423545002937, -0.00477377837523818, 0.014217406511306763, -0.020896539092063904, 0.003010459477081895, 0.024097533896565437, -0.04356678947806358, 0.01876254193484783, -0.010275055654346943, 0.015048833563923836, 0.0014757834142073989, 0.03322937712073326, -0.04631049931049347, 0.0251645315438509, 0.01069076918065548, 0.01855468563735485, -0.01522897556424141, 0.012436766177415848, 0.015672404319047928, 0.013670049607753754, 0.018166685476899147, -0.030402522534132004, 0.017182830721139908, 0.026259243488311768, -0.005390420090407133, 0.01736297272145748, -0.03109537996351719, 0.007212631404399872, -0.063410185277462, 0.003223512787371874, -0.02783895656466484, -0.007378916721791029, -0.0077599878422915936, 0.01165383867919445, 0.022102108225226402, 0.0014160245191305876, -0.019704826176166534, -0.013108836486935616, -0.01553383283317089, 0.010032556019723415, -0.035224802792072296, -0.010559125803411007, 0.012644622474908829, 0.009249628521502018, -0.032120805233716965, -0.04165450483560562, -0.004562457092106342, 0.015907974913716316, 0.0012549355160444975, -0.01696111634373665, 0.03788536787033081, 0.03785765543580055, -0.009263485670089722, -0.0042264219373464584, 0.013905621133744717, 0.007056738715618849, 0.02063325233757496, 0.013129621744155884, 0.003869601059705019, 0.028684239834547043, 0.03237023577094078, 0.00022864250058773905, -0.014799404889345169, 0.011064911261200905, 0.024416247382760048, 0.02632853016257286, 0.004184850491583347, 0.01716897264122963, -0.02893366850912571, 0.005629455205053091, -0.02882281132042408, -0.007157202810049057, 0.009838555939495564, -0.02138153836131096, 0.03278594836592674, 0.019455397501587868, -0.012852479703724384, 0.0025999422650784254, -0.014217406511306763, 0.04245821759104729, 0.004576314240694046, -0.002447514096274972, -0.017321400344371796, 0.02817152626812458, 0.028961382806301117, -0.0313170924782753, 0.007732273545116186, -0.011944837868213654, 0.02157553657889366, -0.05129906162619591, 0.019455397501587868, -0.01704425923526287, 0.023404676467180252, -0.023501677438616753, 0.04126650467514992, 0.0016663187416270375, 0.06329932808876038, -0.021090537309646606, -0.027866670861840248, 0.00020904766279272735, -0.01327512226998806, -0.029598809778690338, -0.033173948526382446, 0.005580955650657415, -0.03289680555462837, 0.004060136619955301, 0.0014220870798453689, -0.009540627710521221, 0.0210628230124712, -0.03181594982743263, -0.004181386437267065, -0.015616975724697113, 0.021242966875433922, 0.0182636845856905, -0.033506520092487335, 0.0005850302986800671, 0.02300282008945942, -0.014217406511306763, 0.028656525537371635, -0.012603051960468292, 0.011085696518421173, 0.010704626329243183, 0.02125682309269905, -0.017459971830248833, 0.015894116833806038, 0.01230512373149395, -0.02052239701151848, 0.009450556710362434, 0.00218596076592803, 0.002681352896615863, -0.00030550622614100575, 0.022975105792284012, 0.007836202159523964, -0.014369834214448929, -0.035224802792072296, 0.0007287979824468493, -0.021076681092381477, -0.001583176082931459, -0.0005841642268933356, 0.003928493708372116, 0.025926673784852028, -0.004888099618256092, -0.0035214407835155725, -0.010940196923911572, 0.01064226869493723, -0.0074482024647295475, -0.003117852145805955, 0.009235771372914314, -0.014619262889027596, -0.031705092638731, -0.023404676467180252, 0.024416247382760048, 0.00728191714733839, -0.007261131424456835, 0.01355226431041956, -0.011750838719308376, 0.05043992027640343, 0.02826852723956108, -0.03248109295964241, -0.018956542015075684, -0.006225311663001776, 0.009360484778881073, -0.004503564443439245, -0.010697697289288044, 0.011196553707122803, -0.0019486576784402132, -0.005684883799403906, -0.013711621053516865, 0.012554551474750042, -0.0031005307100713253, 0.022697964683175087, -0.0035578159149736166, 0.007049810141324997, 0.008806200698018074, -0.0002450978208798915, 0.007600630633533001, 0.00437538605183363, 0.008064844645559788, -0.002722924342378974, -0.03769136965274811, 0.028310097754001617, 0.00634309696033597, 0.004337278660386801, 0.005002420861274004, 0.036333370953798294, 0.021949680522084236, -0.009208057075738907, 0.002636317163705826, 0.018651684746146202, 0.017058115452528, 0.06911931931972504, 0.0003390664351172745, -0.03228709101676941, -0.006727632135152817, -0.017986543476581573, -0.014882547780871391, 0.034282516688108444, 0.008556772023439407, 0.022046679630875587, -0.011889410205185413, -0.004008172079920769, 0.012457551434636116, 0.005227598827332258, -0.007039417512714863, 0.022060535848140717, 0.006814239080995321, -0.010413626208901405, -0.007739202119410038, 0.0038349581882357597, -0.026079101487994194, -0.022296108305454254, 0.012228908948600292, 0.020342253148555756, 0.017570829018950462, -0.020674824714660645, -0.00720570283010602, 0.02656410075724125, 0.04037965089082718, 0.006734560709446669, 0.04162679240107536, -0.005189491901546717, -0.03419937565922737, -0.0005334991728886962, 0.010385911911725998, 0.008092558942735195, -0.005494348239153624, 0.01047598384320736, -0.03979765251278877, -0.011951766908168793, 0.047335926443338394, -0.026591815054416656, 0.013524550013244152, -0.030513379722833633, -0.00875077210366726, -0.0028043347410857677, 0.007753059267997742, -0.00641931127756834, 0.02718767151236534, 0.04281850531697273, 0.0146331200376153, -0.019164398312568665, -0.021741822361946106, 0.0027541026938706636, 0.026924386620521545, -0.031677380204200745, -0.03386680409312248, 0.045395929366350174, -0.01921982690691948, -0.007254202850162983, 0.0007257667020894587, 0.014397548511624336, -0.020342253148555756, -0.003533565904945135, -0.0029550311155617237, 0.007593702059239149], "a81795a9-669b-470c-8f84-ba33adf7596d": [-0.0041349828243255615, 0.030610796064138412, 0.11396980285644531, 0.002602338558062911, -0.0233438890427351, -0.00800341833382845, 0.03849497064948082, -0.01917734183371067, -0.02965684048831463, 0.0314805805683136, 0.005590468645095825, -0.07945900410413742, -0.03445468097925186, 0.025518350303173065, 0.036895688623189926, -0.016048923134803772, -0.02523777447640896, 0.03681151568889618, -0.013250182382762432, 0.04402231052517891, 0.02678094059228897, 0.027622666209936142, 0.005681655835360289, 0.03372518718242645, 0.025826983153820038, 0.006414659321308136, -0.05137338861823082, 0.04924101382493973, 0.006218256428837776, -0.02854856662452221, 0.006737321149557829, -0.006958274636417627, -0.005927159450948238, 0.009055577218532562, 0.020313672721385956, -0.019485974684357643, -0.004029766656458378, -0.005653597880154848, -0.0014072619378566742, -0.06425181031227112, -0.041441015899181366, -0.015824463218450546, -0.004398022312670946, -0.017129139974713326, -0.047557562589645386, 0.010767088271677494, -0.01151061337441206, 0.005955216940492392, -0.02457842230796814, 0.017928779125213623, -0.02107122726738453, 0.046912238001823425, -0.01164388656616211, -0.03251871094107628, 0.01677842065691948, -0.01917734183371067, 0.0022638943046331406, -0.0014458410441875458, 0.02470467984676361, -0.024985255673527718, 0.02932014875113964, -0.0034019791055470705, -0.030666911974549294, 0.049325186759233475, -0.008894246071577072, -0.0032967631705105305, -0.02087482437491417, 0.02457842230796814, -0.007856116630136967, 0.006751350127160549, 0.013727160170674324, 0.03978561982512474, 0.026486335322260857, -0.02829604782164097, 0.0018991460092365742, -0.01517913956195116, 0.0063585443422198296, 0.031564753502607346, -0.011068707332015038, 0.005583454389125109, 0.01853201724588871, -0.007449281867593527, -0.022923026233911514, -0.026808997616171837, 0.01951403170824051, 0.032153964042663574, -0.06660864502191544, -0.0429280661046505, -0.01456187292933464, -0.036699287593364716, 0.005478238221257925, 0.014449642971158028, -0.018237413838505745, 0.025265831500291824, 0.06694533675909042, -0.023905040696263313, -0.015108995139598846, 0.00011420303053455427, -0.0015379049582406878, 0.03198561817407608, 0.013839391060173512, -0.06021152064204216, 0.03167698532342911, -0.05903310328722, 0.0361381359398365, -0.06105324625968933, -0.03498777747154236, 0.027987414970993996, 0.007954318076372147, -0.011559714563190937, -0.12940146028995514, -0.0007562388782389462, -0.032799284905195236, 0.017984895035624504, 0.02418561652302742, 0.005060882307589054, -0.030414393171668053, -0.06268058717250824, 0.009378238581120968, -0.03128417953848839, -0.06935828179121017, 0.01606295257806778, -0.002421718090772629, -0.03498777747154236, 0.011791189201176167, -0.000814984377939254, -0.016876621171832085, -0.013755218125879765, -0.020650362595915794, -0.0004914456512778997, 0.03400576114654541, 0.016301441937685013, 0.02386295422911644, -0.04146907106041908, -0.03498777747154236, 0.022586334496736526, -0.03069496899843216, -0.0027461335994303226, -0.03905612230300903, -0.011166908778250217, 0.02529388852417469, 0.014119966886937618, -0.01724136993288994, 0.007891188375651836, -0.03507194668054581, -0.05566619709134102, -0.008298022672533989, 0.0125206857919693, -0.03453885391354561, -0.00108547683339566, 0.027720868587493896, 0.015557915903627872, -0.036446768790483475, -0.006604047957807779, 0.03731655329465866, -0.018574103713035583, 0.030414393171668053, 0.06571080535650253, -0.02464856579899788, 0.016497844830155373, -0.02515360154211521, 0.008557555265724659, 0.007063490338623524, -0.03465108573436737, -0.030049646273255348, -0.022544248029589653, -0.0236104354262352, -0.07491368055343628, -0.059987060725688934, 0.004320864100009203, -0.05925756320357323, -0.045621588826179504, -0.02341403253376484, -0.028632739558815956, -0.0030740562360733747, -0.03841079771518707, 0.012941548600792885, -0.05280432477593422, -0.004724191501736641, -0.008803059346973896, -0.019991010427474976, -0.0030723027884960175, -0.0160068366676569, 1.1144933523610234e-05, -0.013236152939498425, -0.027847127988934517, -0.015824463218450546, 0.0343424528837204, -0.032602883875370026, 0.021562233567237854, 0.006253328640013933, 0.043601445853710175, 0.026177702471613884, -0.05785468593239784, -0.055946771055459976, 0.0012240109499543905, 0.044892095029354095, 0.0008588243508711457, -0.03134029358625412, -0.024073384702205658, 0.017185254022479057, -0.0038579143583774567, 0.06885325163602829, -0.032097846269607544, -0.04393813759088516, -0.019948923960328102, -0.01258381549268961, -0.018812593072652817, -0.025139572098851204, -0.04205828160047531, 0.0518784262239933, -0.016371585428714752, -0.00913975015282631, 0.06660864502191544, -0.03888777643442154, 0.05429137498140335, -0.04191799461841583, -0.023385975509881973, -0.01144748367369175, -0.004597932565957308, 0.004520774353295565, -0.007512411568313837, 0.018026981502771378, -0.0032704591285437346, 0.009427339769899845, 0.019864751026034355, 0.008255936205387115, -0.0053765298798680305, 0.04318058118224144, -0.012057735584676266, 0.018026981502771378, 0.023385975509881973, -0.015038851648569107, -0.0016325991600751877, 0.037092093378305435, -0.044499289244413376, 0.021870866417884827, -0.022838853299617767, -0.02567266672849655, 0.048595692962408066, 0.017662232741713524, 0.054964758455753326, 0.0015554409474134445, 0.028576623648405075, 0.030610796064138412, 0.001565962447784841, 0.0010802160250023007, -0.0547402985394001, 0.04326475411653519, -0.012871405109763145, -0.013369427062571049, -4.3209736759308726e-05, 0.033388495445251465, -0.065823033452034, -0.007603598292917013, -0.04430288448929787, -0.004415558185428381, 0.00029394676676020026, 0.013579858466982841, -0.01485647726804018, 0.006070954259485006, -0.0006698741926811635, -0.03322014957666397, -0.005481745582073927, 0.01174208801239729, 0.017451802268624306, 0.025448204949498177, -0.002393660368397832, -0.06183885782957077, -0.04416259750723839, -0.06571080535650253, 0.0386352576315403, 0.010339210741221905, 0.010914389975368977, -0.012934534810483456, 0.006590018980205059, -0.006888130679726601, -0.022866910323500633, 0.028183817863464355, -0.01756403222680092, -0.029235975816845894, -0.00829100888222456, 0.0015694696921855211, 0.014800362288951874, 0.029825184494256973, 0.01430234033614397, 0.004678598139435053, 0.00832608062773943, 0.016371585428714752, 0.0243259035050869, 0.018111154437065125, -0.019668348133563995, -0.031312234699726105, -0.018756477162241936, 0.005222212988883257, 0.011159894056618214, -0.011587771587073803, -0.022151442244648933, -0.03226619213819504, 0.019598204642534256, 0.024690652266144753, 0.04396619275212288, -0.04421871155500412, -0.010388310998678207, 0.001494065043516457, 0.04480792209506035, 0.031957559287548065, 0.008010433055460453, 0.05370216816663742, -0.028576623648405075, 0.02159029059112072, 0.02028561569750309, 0.035156119614839554, -0.02055216208100319, -0.031003601849079132, -0.045088496059179306, 0.02606547251343727, -0.03905612230300903, -0.021548205986618996, -0.0015352745540440083, -0.01917734183371067, -0.009209893643856049, -0.020987054333090782, -0.022053241729736328, -0.03754101321101189, -0.06784317642450333, -0.030274106189608574, -0.014996765181422234, -0.032855402678251266, -0.0395331010222435, 0.04884820803999901, -0.0161892119795084, 0.007323022931814194, 0.03815827891230583, 0.003407239681109786, 0.03919640928506851, 0.015137053094804287, 0.026963314041495323, -0.007778957951813936, 0.04867986589670181, 0.013881477527320385, -0.031115831807255745, -0.002327023772522807, -0.025055399164557457, -0.02028561569750309, -0.013769246637821198, -0.01871439255774021, 0.015010793693363667, -0.013334354385733604, 0.00777194369584322, -0.04368561878800392, 0.01495467871427536, -0.04559353366494179, 0.04323669895529747, -0.036053963005542755, 0.010570685379207134, 0.017634175717830658, -0.02965684048831463, -0.0338093601167202, 0.009209893643856049, -0.04534101486206055, -0.019093168899416924, 0.03717626631259918, -0.01593669317662716, 0.008634713478386402, 0.008417267352342606, -0.04012230783700943, -0.0645885020494461, -0.014744247309863567, -0.040599286556243896, -0.0055694254115223885, -0.059594254940748215, -0.003280980745330453, 0.01899496652185917, -0.027805041521787643, 0.0028636245988309383, 0.011166908778250217, 0.03678346052765846, 0.0031266643200069666, 0.0581352636218071, 0.06862878799438477, 0.012478599324822426, -0.013706117868423462, -0.04851152002811432, 0.06874101608991623, 0.05064389482140541, -0.030582739040255547, -0.0004607577284332365, -0.026823027059435844, -0.00754046905785799, 0.0164557583630085, 0.028492450714111328, 0.0390000082552433, -0.051008641719818115, 0.01076007355004549, 0.03465108573436737, -0.01544568594545126, 0.04797842726111412, 0.03411799296736717, -0.042619433254003525, 0.02971295453608036, -0.06172662973403931, -0.057517994195222855, 0.03134029358625412, 0.005288850050419569, 0.04045899957418442, -0.01078813150525093, 0.01111780758947134, 0.03473525866866112, -0.015894606709480286, 0.006895144935697317, -0.06413958221673965, 0.05176619440317154, 0.012015649117529392, 0.017970865592360497, -0.05201871320605278, -0.010556656867265701, 0.04003813490271568, 0.03518417850136757, -0.04012230783700943, 0.004541817121207714, 0.010163851082324982, 0.018447844311594963, -0.022600363940000534, -0.03223813325166702, 0.006530396640300751, 0.005148562137037516, -0.02484496869146824, 0.03883166238665581, -0.10600145906209946, -0.03192950040102005, 0.018251441419124603, 0.02976907044649124, 0.01891079545021057, -0.02080467902123928, 0.008873202838003635, -0.00721780676394701, -0.012962591834366322, 0.019654320552945137, 0.0171712264418602, -0.018812593072652817, 0.006270864512771368, -0.011230037547647953, 0.0038298568688333035, 0.013755218125879765, 0.0021078241989016533, -0.03490360453724861, -0.0016106792027130723, 0.058808643370866776, 0.04141295701265335, -0.03633453696966171, -0.03406187519431114, 0.014632017351686954, 0.03919640928506851, -0.012660973705351353, -0.05027914419770241, 0.04433094337582588, -0.04615468531847, -0.013516728766262531, -0.04960576444864273, -0.009925361722707748, 0.05162590742111206, 0.030133817344903946, 0.05417914688587189, -0.008529498241841793, 0.019920866936445236, -0.02926403470337391, 0.007596584036946297, 0.03336043655872345, 0.003889478975906968, 0.009132735431194305, 0.047557562589645386, 0.015305398032069206, 0.021730579435825348, -0.05953814089298248, -0.060043174773454666, 0.023891011252999306, -0.003081070724874735, 0.004625990055501461, 0.000549314368981868, 0.006498832255601883, -0.036250367760658264, -0.050812240689992905, -0.0019640291575342417, 0.027019429951906204, 0.00768777122721076, -0.005920144729316235, 0.016764391213655472, -0.01184028945863247, 0.02613561600446701, -0.04862374812364578, 0.027468349784612656, 0.03414604812860489, -0.016932737082242966, -0.0040999106131494045, -0.0581352636218071, -0.03888777643442154, -0.04273166134953499, -0.03212590515613556, -0.0009057330898940563, 0.013558815233409405, -0.021562233567237854, 0.0011591279180720448, 0.0570690743625164, 0.05013885721564293, 0.02529388852417469, 0.03770935907959938, 0.010682915337383747, 0.007666727993637323, -0.006400630809366703, 0.010507555678486824, -0.023554321378469467, -0.008627699688076973, -0.010219966061413288, -0.008964389562606812, 0.038719430565834045, 0.03392158821225166, 0.03504389151930809, -0.014533815905451775, 0.010325181297957897, -0.03293957561254501, -0.020888851955533028, 0.02107122726738453, 0.01059874240309, -0.008606656454503536, -0.023582378402352333, -0.03389352932572365, -0.06105324625968933, 0.008255936205387115, -0.05171008035540581, 0.0015449193306267262, -0.028001444414258003, -0.009799102321267128, 0.024676622822880745, -0.01179820392280817, -0.016567988321185112, -0.00790521688759327, -0.0236104354262352, 0.009455397725105286, -0.012499642558395863, 0.002449775580316782, -0.010100721381604671, 0.03608202189207077, 0.03420216590166092, 0.005394065752625465, -0.022614391520619392, -0.03142446652054787, -0.022614391520619392, 0.013130937702953815, -0.034623026847839355, 0.04388202354311943, -0.004948651883751154, 0.019752521067857742, 0.0059026088565588, 0.04312446713447571, 0.033388495445251465, -0.004334892611950636, 0.003942086827009916, -0.012513671070337296, -0.020243529230356216, 0.010809174738824368, -0.032490652054548264, 0.013439570553600788, -0.009448383003473282, 0.011370325461030006, 0.026640651747584343, 0.0072598932310938835, -0.007800001185387373, -0.003484398126602173, 0.008592627011239529, -0.009294066578149796, -0.02237590402364731, -0.0017009895527735353, -0.0233438890427351, -0.03428633511066437, 0.016764391213655472, -0.04696835204958916, -0.016231298446655273, 0.01749388873577118, 0.002981115598231554, -0.010717987082898617, -0.031059717759490013, 0.035015832632780075, 0.02243201807141304, -0.03692374750971794, 0.003942086827009916, -0.0037737416569143534, 0.02607950009405613, 0.014533815905451775, 0.026808997616171837, 0.02145000360906124, -0.00874694436788559, 0.0017912997864186764, 0.023189572617411613, -0.0010661872802302241, -0.0030740562360733747, -0.028310077264904976, 0.015754319727420807, -0.006176169961690903, 0.02666870877146721, 0.032602883875370026, 0.009132735431194305, 0.00024133884289767593, -0.014449642971158028, -0.005758814048022032, 0.0014256746508181095, 0.02556043677031994, -0.029628781601786613, 0.004152518697082996, 0.0003040299634449184, -0.003209083341062069, 0.00048399288789369166, -0.023161515593528748, -0.027033457532525063, -0.009511512704193592, 0.030470509082078934, -0.002372617367655039, -0.003310791915282607, 0.001743075787089765, 0.023203600198030472, 0.010142807848751545, -0.004443615674972534, -9.924265759764239e-05, 0.023315832018852234, 0.04250720143318176, 0.004250720143318176, -0.01248561404645443, -0.013011693023145199, -0.04480792209506035, -0.024606479331851006, -0.006467267405241728, 0.0016667942982167006, 0.030386336147785187, -0.006516368128359318, 0.02932014875113964, 0.043208640068769455, 0.00739316688850522, 0.006642627064138651, 0.0004011354176327586, 0.005015288479626179, 0.021365830674767494, -0.0012055982369929552, 0.026051443070173264, -0.014091908931732178, 0.03271511197090149, -0.03153669461607933, 0.007252878975123167, -0.02177266590297222, -0.01515108160674572, -0.0071160984225571156, -0.008073562756180763, -0.06054821237921715, 0.012604858726263046, -0.005081925541162491, 0.04219856858253479, -0.027145687490701675, -0.005604497157037258, 0.0077438862062990665, 0.011208994314074516, 0.039561156183481216, -0.04910072684288025, 0.007337051443755627, 0.01632949896156788, -0.005716727580875158, -0.030414393171668053, 0.017115110531449318, 0.034370508044958115, 0.007800001185387373, 0.011159894056618214, 0.026808997616171837, -0.022670507431030273, 0.0052607920952141285, 0.005502788815647364, 0.015459714457392693, -0.003686061827465892, 0.009455397725105286, 0.04362950474023819, -0.04427482932806015, -0.02010324038565159, 0.02255827747285366, 0.0015738536603748798, -0.007982375100255013, -0.052046772092580795, 0.007961331866681576, 0.029684897512197495, 0.01742374338209629, 0.03611007705330849, 0.009672842919826508, 0.009287051856517792, 0.016918707638978958, -0.013334354385733604, 0.010521584190428257, 0.03588561713695526, -0.022249644622206688, 0.03307986259460449, 0.04214245453476906, -0.001518615405075252, 0.034230221062898636, 0.007701799739152193, -0.07508202642202377, -0.021281657740473747, 0.004885522648692131, 0.012555757537484169, -0.03532446548342705, -0.03681151568889618, -0.028702883049845695, -0.003917536698281765, 0.006404137704521418, 0.06543022394180298, 0.010591728612780571, 0.044695690274238586, 0.027412235736846924, -0.015698203817009926, 0.021800722926855087, -0.0028671317268162966, 0.022979140281677246, 0.0007202901178970933, 0.010900361463427544, 0.026949284598231316, 0.0016325991600751877, -0.013720146380364895, 0.044050365686416626, -0.026051443070173264, 0.0030196947045624256, 0.0009653553715907037, -0.007372123654931784, -0.02107122726738453, 0.023161515593528748, 0.013460613787174225, 0.00011009303852915764, -0.005481745582073927, 0.031312234699726105, 0.0009583409992046654, -0.0003949978272430599, -0.022852880880236626, 0.030133817344903946, -0.025630580261349678, 0.01141241192817688, -0.019149282947182655, 0.014407556504011154, -0.001262590172700584, 0.0013932331930845976, -0.02100108191370964, -0.013509714975953102, -0.006249821279197931, -0.010739030316472054, -0.003987680654972792, -0.005355486646294594, -0.058415837585926056, -0.0005278328317217529, 0.009862232021987438, 0.013390470296144485, 0.007400181144475937, -0.009420325048267841, 0.04012230783700943, 0.0049872309900820255, 0.018125183880329132, 0.014996765181422234, -0.011223023757338524, -0.003310791915282607, 0.027664752677083015, 0.06711368262767792, -0.029179861769080162, -0.003561556339263916, -0.010928419418632984, 0.005408094264566898, -0.02041187323629856, 0.0028162775561213493, 0.02157626301050186, 0.006263849791139364, -0.05162590742111206, -0.004703148268163204, 0.0381021648645401, 0.00829100888222456, 0.06352231651544571, -0.043461158871650696, 0.00816474948078394, -0.030835257843136787, 0.0228949673473835, -0.005067896563559771, -0.04761367663741112, -0.023820867761969566, -0.023203600198030472, -0.00888021755963564, -0.008333095349371433, 0.015038851648569107, -0.005632555112242699, -0.00752644008025527, 0.03153669461607933, -0.004601439461112022, -0.0004153834015596658, 0.02010324038565159, -0.014035793952643871, 0.0240593571215868, 0.018111154437065125, 0.02847842127084732, 0.058808643370866776, -0.09331943839788437, 0.00842428207397461, 0.004871493671089411, -0.018447844311594963, 0.032799284905195236, -0.026303961873054504, 0.01658201776444912, 0.012766188941895962, 0.05715324729681015, -0.0352402925491333, -0.00888021755963564, -0.010591728612780571, -0.013958635739982128, -0.006993346381932497, 0.0171712264418602, 0.013004678301513195, 0.020510075613856316, 0.04208633676171303, -0.009862232021987438, -0.010619785636663437, 0.008150720968842506, -0.0085856132209301, -0.006709263660013676, 0.04960576444864273, -0.024410076439380646, -0.023961154744029045, 0.0008803058881312609, 0.014070865698158741, 0.02620575949549675, -0.016946764662861824, 0.017774462699890137, 0.03347266837954521, -0.018882736563682556, 0.0014388266718015075, -0.0008759219199419022, -0.03030216321349144, -0.011096764355897903, -0.02581295371055603, -0.012696045450866222, -0.03894389048218727, 0.004671583417803049, -0.029235975816845894, 0.014800362288951874, 0.0019342179875820875, 0.016343528404831886, -0.011103779077529907, -0.024396046996116638, 0.0007303733145818114, -0.028843170031905174, -0.010556656867265701, -0.038466911762952805, 0.019359715282917023, -0.0020376802422106266, 0.024550363421440125, -0.0007251125061884522, -0.002560252323746681, -0.023259716108441353, 0.03742878511548042, -0.020327702164649963, -0.023834895342588425, -0.005401080008596182, 0.012212052009999752, 0.013523743487894535, -0.03394964709877968, 0.01613309606909752, 0.005737770814448595, 0.0006786421872675419, -0.006772393360733986, -0.008445325307548046, 0.015529858879745007, -0.017087053507566452, -0.01879856362938881, -0.03453885391354561, 0.008704857900738716, 0.020201442763209343, 0.05636763572692871, 0.02217950113117695, 0.005337950773537159, -0.014632017351686954, 0.006393616087734699, -3.606519612731063e-06, 0.0240593571215868, -0.004485702142119408, 0.0040052165277302265, -0.005643076729029417, -0.011763131245970726, 0.017858635634183884, -0.025770867243409157, -8.603587048128247e-05, 0.023119429126381874, 0.019093168899416924, 0.012282196432352066, -0.01017086487263441, -0.007407195400446653, 0.002197257475927472, 0.0030968531500548124, 0.0015519337030127645, -0.02166043594479561, 0.02203921228647232, 0.004675090778619051, -0.018223384395241737, -0.019976980984210968, 0.018363671377301216, -0.02861871011555195, 0.017339570447802544, 0.003312545595690608, -0.00742823863402009, -0.005832464899867773, 0.016806477680802345, 0.004601439461112022, 0.021618349477648735, 0.013881477527320385, 0.032097846269607544, 0.0047171772457659245, -0.03240647912025452, 0.02483093924820423, 0.0057938857935369015, 0.01839173026382923, 0.02223561517894268, -0.021562233567237854, 0.006702249404042959, 0.015108995139598846, -0.06694533675909042, 0.03305180370807648, 0.003416007850319147, 0.012436512857675552, 0.03543669730424881, 0.006218256428837776, -0.013060793280601501, -0.0019552612211555243, 0.036053963005542755, 0.004429587163031101, -0.025518350303173065, 0.039953961968421936, -0.016175182536244392, 0.009209893643856049, 0.011131836101412773, 0.06554245948791504, -0.017521945759654045, 0.005050360690802336, 0.004657554905861616, 0.03978561982512474, -0.009167807176709175, -0.01209280826151371, 0.0005186264170333743, 0.02749640680849552, -0.013180037960410118, 0.03714820742607117, -0.03740072622895241, -0.0025321946013718843, -0.001505463384091854, -0.024087414145469666, 0.03922446817159653, 0.004703148268163204, -0.0014125227462500334, -0.0025093979202210903, -0.006516368128359318, -0.04318058118224144, 0.017844608053565025, -0.0070810262113809586, -0.0071651991456747055, -0.031368352472782135, -0.01056367065757513, -0.01658201776444912, 0.007547483313828707, -0.015726260840892792, -0.018896766006946564, 0.027931299060583115, 0.007098562549799681, -0.008957375772297382, 0.012576800771057606, 0.0543755479156971, -0.02275468036532402, -0.003508948488160968, 0.04477986320853233, -0.0022288223262876272, 0.03549281135201454, 0.021015111356973648, -0.0018851172644644976, 0.012296224944293499, -0.04225468263030052, 0.04211439564824104, 0.02055216208100319, 0.026682738214731216, 0.008662771433591843, 0.025826983153820038, -0.017381656914949417, -0.011580757796764374, -0.004110432229936123, 0.002425225218757987, -0.008319065906107426, 0.041777703911066055, 0.015010793693363667, 0.06301727890968323, -0.00783507339656353, 0.0037071050610393286, -0.0059026088565588, 0.01105467788875103, 0.002525180345401168, -0.030470509082078934, 0.006653148680925369, 0.04461151733994484, 0.00747733935713768, 0.012534714303910732, 0.023105399683117867, 0.028310077264904976, 0.014421585015952587, 0.032799284905195236, -0.008817087858915329, 0.027678782120347023, -0.01544568594545126, -0.0026426713448017836, -0.011335253715515137, -0.02516763098537922, 0.005323921795934439, 0.00816474948078394, 0.0046821050345897675, -0.03829856589436531, -0.020776621997356415, -0.011328238993883133, -0.015964750200510025, 0.010872304439544678, -0.04017842561006546, 0.004822392947971821, 0.021926982328295708, -0.010977519676089287, -0.02471870929002762, -0.028113674372434616, -0.020005039870738983, 0.02957266755402088, 0.035913676023483276, 0.03307986259460449, -0.004141997080296278, -0.01736762933433056, 0.004261241760104895, 0.005429137498140335, -0.008206835947930813, 0.0012029678327962756, 0.022740650922060013, -0.00576933566480875, 0.0008132308139465749, -0.018826622515916824, -0.05398274213075638, -0.022417988628149033, 0.01781654916703701, 0.007151170168071985, 0.004776799585670233, 0.00300040515139699, 0.005074910819530487, -0.0016369832446798682, -0.03333238139748573, -0.02549029141664505, 0.023049283772706985, -0.02906763181090355, 0.01177014596760273, 0.0032283728942275047, -0.02230575866997242, 0.020720507949590683, 0.004415558185428381, 0.012871405109763145, -0.03860720247030258, 0.03226619213819504, -0.010283094830811024, 0.005025810096412897, 0.0140428077429533, -0.0304985661059618, -0.03288345783948898, 0.026303961873054504, -0.0027338583022356033, -0.008417267352342606, 0.0003860106226056814, 0.0025672665797173977, -0.020902881398797035, 0.011461513116955757, 0.01912122592329979, 0.021744608879089355, -0.021926982328295708, 0.014021765440702438, 0.006084983237087727, -0.013130937702953815, -0.02152014710009098, 0.035857558250427246, -0.0011170415673404932, -0.04413453862071037, 0.002323516644537449, 0.005369515158236027, 0.021898925304412842, -0.03386547416448593, 0.007045954465866089, -0.02445216290652752, 0.016932737082242966, 0.025911156088113785, 0.008852159604430199, 0.002041187370195985, 0.020636335015296936, 0.0030196947045624256, -0.006333993747830391, -0.00525027047842741, 0.06464461237192154, -0.018363671377301216, 0.039252523332834244, 0.006495324894785881, -0.004727698862552643, 0.031452521681785583, 0.025798926129937172, -0.006474281661212444, 0.0021060705184936523, 0.006695235148072243, 0.0004373033589217812, 0.023512234911322594, -0.01261888723820448, -0.0026496856007725, 0.04724892973899841, -0.011552699841558933, 0.014407556504011154, 0.008704857900738716, -0.04637914523482323, 0.034763313829898834, -0.029684897512197495, 0.04413453862071037, -0.007038940209895372, 0.006832015700638294, -0.006312950514256954, 0.016918707638978958, -0.02248813398182392, -0.006572483107447624, 0.006011331919580698, -0.03549281135201454, -0.007975361309945583, 4.885413000010885e-05, 0.030975544825196266, 0.002167446305975318, -0.01078813150525093, 0.014126980677247047, -0.0020078690722584724, 0.010612771846354008, -0.018377700820565224, 0.004113939590752125, 0.01722734048962593, 0.006796943489462137, -0.019471945241093636, 0.002376124495640397, -0.023105399683117867, -0.016680218279361725, 0.01983669400215149, -0.012646944262087345, 0.04761367663741112, 0.014926621690392494, -0.025574464350938797, 0.006390109192579985, 0.07648490369319916, -0.007807015907019377, 0.024943169206380844, -0.018125183880329132, 0.009308095090091228, -0.02795935794711113, -0.002053462667390704, 0.003586106700822711, -0.0240593571215868, -0.01599280908703804, -0.024480219930410385, 0.019934896379709244, -0.01742374338209629, 0.01258381549268961, -0.02438201941549778, 0.0060674468986690044, -0.012555757537484169, 0.00398417329415679, 0.0021306208800524473, -0.007323022931814194, 0.031115831807255745, -0.0002851787721738219, 0.017311513423919678, 0.016596045345067978, 0.010072663426399231, -0.029235975816845894, 0.015501800924539566, 0.006912680808454752, -0.01147554162889719, -0.01534748449921608, -0.00754046905785799, -0.015978779643774033, 0.04391007870435715, -0.009202878922224045, -0.029825184494256973, -0.0220953281968832, 0.020636335015296936, 0.009799102321267128, 0.01508093811571598, -0.007449281867593527, 0.00500476686283946, 0.03075108490884304, -0.010451440699398518, 0.020061153918504715, -0.03010576032102108, -0.006751350127160549, 0.020846765488386154, -0.03310791775584221, -0.018882736563682556, 0.024045327678322792, -0.010030576959252357, -0.017914751544594765, 0.011159894056618214, -0.02398921363055706, -0.014547844417393208, -0.021421946585178375, -0.008929317817091942, 0.019135255366563797, -0.017662232741713524, -0.034174107015132904, 0.005334443412721157, 0.004710162524133921, 0.007926260121166706, -0.009785073809325695, -0.014828420244157314, -0.029797127470374107, -0.029544608667492867, -0.00192194280680269, 0.0007514164899475873, -0.016469787806272507, -0.012864390388131142, 0.03641870990395546, 0.03532446548342705, -0.005095954053103924, -0.007912231609225273, 0.0012766189174726605, -0.0022586334962397814, -0.009413311257958412, 0.05084029585123062, 0.05695684254169464, 0.017016910016536713, 0.012829318642616272, -0.008887231349945068, 0.0019166819984093308, -0.015066908672451973, -0.0016124328831210732, 0.03142446652054787, -0.008978419005870819, 0.0115386713296175, -0.0021376353688538074, -0.02873094007372856, -0.008767986670136452, 0.001462500193156302, 0.0220953281968832, 0.00864874292165041, -0.008697843179106712, -0.0332762636244297, 0.045537419617176056, 0.008627699688076973, -0.027005400508642197, 0.00197455077432096, 0.031564753502607346, 0.007505396846681833, -0.009483454748988152, -0.022389931604266167, -5.490952025866136e-05, -0.009637771174311638, -0.0216464065015316, 0.022151442244648933, 0.0018588132224977016, -0.01581043377518654, 0.027131659910082817, -0.00884514581412077, -0.013895506039261818, 0.01736762933433056, -0.003152968129143119, 0.019023025408387184, -0.015291369520127773, -0.0024059356655925512, -0.023245686665177345, 0.02860468067228794, 0.055750370025634766, -0.033641014248132706, 0.0010547888232395053, -0.004008723888546228, 0.010746045038104057, -0.00790521688759327, -0.015024823136627674, 0.009693886153399944, -0.0072458647191524506, 0.006435702554881573, 0.04354533180594444, 0.01651187241077423, -0.009167807176709175, -0.02887122705578804, -0.01268201693892479, 0.0072949654422700405, -0.010051620192825794, 0.005001259967684746, 0.015235254541039467, -0.029376264661550522, 0.025448204949498177, 0.002099056029692292, 0.010023563168942928, 0.012534714303910732, 0.026542451232671738, -0.03571727126836777, 0.005842986516654491, 0.005678148474544287, 0.009757015854120255, -0.013755218125879765, 0.01704496704041958, -0.014077880419790745, -0.014351441524922848, 0.028464393690228462, -0.026416191831231117, 0.02756655216217041, 0.02146403305232525, -0.00036409066524356604, 0.029011515900492668, -0.034370508044958115, 0.0065023391507565975, -0.052299290895462036, -0.01557194534689188, -0.022193528711795807, -0.009097663685679436, 0.0033984717447310686, -0.0035510347224771976, 0.013951621018350124, -0.015403599478304386, -0.009427339769899845, 0.0012906476622447371, -0.015894606709480286, 0.012766188941895962, -0.022516191005706787, -0.021604320034384727, -0.0030161875765770674, 0.03128417953848839, -0.037625186145305634, -0.019485974684357643, 0.015515830367803574, 0.013067808002233505, -0.009862232021987438, 0.00364046823233366, 0.04250720143318176, 0.04169353097677231, 0.013439570553600788, -0.012050721794366837, 0.027664752677083015, 0.0020254049450159073, 0.02574281021952629, -0.0013090604916214943, -0.00773687195032835, 0.011335253715515137, 0.020987054333090782, 0.010802160017192364, -0.028436336666345596, 0.03428633511066437, 0.04806259647011757, 0.03375324234366417, 0.022053241729736328, -0.005011781584471464, -0.01996295340359211, 0.014674102887511253, -0.025251802057027817, 0.012843347154557705, 0.004903058521449566, -0.0034686157014220953, 0.02223561517894268, 0.009651800617575645, -0.030330220237374306, -0.010037591680884361, -0.00023081725521478802, 0.045677706599235535, -0.013600901700556278, -0.0070354328490793705, -0.01729748584330082, 0.021239571273326874, 0.029095688834786415, -0.025911156088113785, 0.018503960222005844, -0.002090288093313575, 0.02223561517894268, -0.04160935804247856, 0.010297124274075031, -0.02457842230796814, 0.018882736563682556, -0.025378061458468437, 0.0375690720975399, 0.012429498136043549, 0.0390000082552433, -0.00721780676394701, -0.02606547251343727, 0.004692626651376486, -0.014379498548805714, -0.013285254128277302, -0.002230576006695628, -0.024101443588733673, -0.02692122757434845, -0.008662771433591843, 0.02268453687429428, -0.009553599171340466, 0.012134893797338009, -0.04680000618100166, 0.014688132330775261, -0.002882914151996374, 0.016750361770391464, 0.02074856497347355, -0.01891079545021057, -0.007074011955410242, 0.02053813263773918, -0.010809174738824368, 0.018125183880329132, -0.012436512857675552, 0.000960971403401345, 0.013067808002233505, 0.027285976335406303, -0.015305398032069206, 0.019233455881476402, -0.013762232847511768, 0.012787232175469398, -0.00819280743598938, 0.00290921819396317, 0.019331658259034157, -0.007091547828167677, 0.03869137167930603, 0.01095647644251585, -0.035464752465486526, -0.026682738214731216, 0.015235254541039467, -0.030414393171668053, -0.009118706919252872, -0.01050054095685482, 0.013951621018350124, 0.011103779077529907, 0.004022752400487661, 0.014800362288951874, 0.010086691938340664, -0.02185683883726597, -0.0013327340129762888, 0.019878780469298363, -0.00495566613972187, 0.004177069291472435, -0.009371224790811539, -0.01898093894124031, 0.030077703297138214, 0.0002349820570088923, 0.0027706839609891176, -0.011328238993883133, 0.011237052269279957, 0.04637914523482323, 0.035913676023483276, -0.014330398291349411, -0.021365830674767494, -0.005155576393008232, -0.013327340595424175, -0.01625935547053814, -0.01554388739168644, 0.01611906662583351, -0.01056367065757513, -0.01611906662583351, -0.0012994157150387764, 0.01871439255774021, 0.0007663220749236643, 0.01938777230679989, -0.0023673565592616796, 0.003177518490701914, -0.004832914564758539, 0.018546046689152718, 0.012176980264484882, 0.00796834658831358, 0.014449642971158028, 0.0023112413473427296, -0.03451079875230789, 0.018223384395241737, -0.0002560252323746681, 0.0020797664765268564, 0.024788852781057358, 0.012457556091248989, 0.016301441937685013, -7.419908797601238e-05, 0.0072949654422700405, -0.0036299466155469418, 0.008466368541121483, 0.032602883875370026, 0.004983724094927311, -0.021870866417884827, -0.039561156183481216, -0.007414210122078657, -0.02133777365088463, 0.0429280661046505, 0.04247914254665375, 0.005737770814448595, -0.031705040484666824, 0.008690828457474709, 0.0202154703438282, -0.007059983443468809, 0.023554321378469467, 0.01163687277585268, -0.010381297208368778, -0.007158184889703989, -0.004562860354781151, -0.017129139974713326, -0.008417267352342606, -0.010037591680884361, 0.01930360123515129, 0.018181297928094864, 0.015782376751303673, 0.01209280826151371, -0.012562772259116173, 0.02951655164361, 0.047950368374586105, -0.026514392346143723, 0.03939281404018402, -0.012997664511203766, -0.027552522718906403, 7.671988714719191e-05, 0.014828420244157314, 0.020467989146709442, -0.008206835947930813, -0.004110432229936123, -0.01938777230679989, -0.027945328503847122, 0.050419434905052185, -0.036699287593364716, 0.02386295422911644, -0.032210078090429306, -0.00039346341509371996, -0.013741189613938332, 0.00864874292165041, -0.007645684760063887, 0.034819431602954865, 0.04458346217870712, -0.006453238427639008, -0.007273922208696604, -0.009988490492105484, 0.018503960222005844, 0.01813921146094799, -0.02790324203670025, -0.005765828303992748, 0.034763313829898834, -0.0027671768330037594, 0.009153778664767742, -0.0019026532536372542, 0.013551800511777401, -0.006390109192579985, -0.003514209296554327, -0.0023428061977028847, 0.0069863321259617805], "3f418996-ec74-436a-bacf-f32d9af850aa": [0.002344523323699832, 0.03169523552060127, 0.0888880118727684, -0.003061471739783883, -0.022955941036343575, 0.008814048022031784, 0.042514022439718246, -0.006031201221048832, -0.012544898316264153, 0.038817148655653, 0.007658775895833969, -0.08622408658266068, -0.0481952428817749, 0.013754536397755146, 0.022779252380132675, -0.02069976180791855, -0.03259227052330971, 0.024002481251955032, -0.037838567048311234, 0.029819617047905922, 0.07007745653390884, 0.07132787257432938, -0.006082168780267239, 0.002825320465490222, 0.02332291007041931, -0.02152884006500244, -0.04882044717669487, 0.038599688559770584, 0.012803135439753532, 0.006765138823539019, 0.007896626368165016, -0.008134475909173489, -0.024518955498933792, 0.017818376421928406, 0.017329085618257523, 0.0002565384202171117, -0.007767507340759039, 0.00395510857924819, 0.027998363599181175, -0.06812029331922531, -0.013387567363679409, 7.528383139288053e-05, -0.0291400458663702, -0.01119254995137453, -0.044416822493076324, 0.021596796810626984, 0.008399508893489838, -0.010778010822832584, -0.02548394724726677, 0.03052637167274952, -0.014379742555320263, 0.020305609330534935, -0.01290507148951292, 0.004322077613323927, 0.03870841860771179, -0.00029136647935956717, -0.005083198193460703, -0.027210060507059097, 0.011403216980397701, -0.030499188229441643, 0.014882626011967659, 0.01281672716140747, -0.030064262449741364, 0.04691764712333679, -0.022099679335951805, 0.008290777914226055, -0.022249186411499977, 0.042187824845314026, 0.025755776092410088, 0.0011578206904232502, 0.02487233281135559, 0.061433304101228714, 0.03873560205101967, 0.0013608428416773677, 0.006211287807673216, -0.016731061041355133, 0.03093411587178707, 0.008419896475970745, -0.01090033445507288, 0.016432050615549088, 0.04477019980549812, -0.038762785494327545, -0.0225753802806139, -0.007923808880150318, 0.0041589802131056786, -0.0033468918409198523, -0.045612867921590805, -0.041861630976200104, -0.050043679773807526, -0.019530897960066795, -0.030499188229441643, 0.0372949093580246, -0.044498372822999954, 0.041589803993701935, 0.03169523552060127, 0.01753295585513115, -0.02846047282218933, -0.0024328676518052816, 0.014298194088041782, 0.049445655196905136, 0.0127827487885952, -0.053740549832582474, 0.014352560043334961, -0.07725373655557632, 0.052191127091646194, -0.035528022795915604, -0.019191112369298935, 0.03384268283843994, 0.028841033577919006, -0.022086087614297867, -0.10280564427375793, -0.011430400423705578, -0.03408733010292053, 0.05172901600599289, 0.036724068224430084, 0.015249594114720821, -0.021936582401394844, -0.039279259741306305, 0.025089796632528305, -0.035854216665029526, -0.04447118937969208, 0.019775543361902237, -0.023064671084284782, -0.057247139513492584, -0.005671028047800064, 0.017492182552814484, -0.010682870633900166, -0.011695433408021927, -0.05216394364833832, -0.01999300718307495, 0.016459232196211815, 0.021488064900040627, -0.003008804749697447, -0.031423408538103104, -0.012538102455437183, 0.00901112426072359, -0.016649512574076653, -0.025796551257371902, -0.04811369255185127, -0.024817967787384987, -0.0012444661697372794, -0.0032330635003745556, -0.00489631574600935, 0.03737645596265793, -0.042350925505161285, -0.02719646878540516, -0.02402966469526291, 0.00034233435872010887, -0.033135928213596344, -0.030580738559365273, 0.033380575478076935, 0.0255654975771904, -0.012748769484460354, 0.007448108401149511, 0.024586912244558334, -0.04746130481362343, -0.00380560290068388, 0.05844318866729736, -0.006952021270990372, -0.003509989008307457, -0.02616352029144764, -0.04275866597890854, 0.00393472146242857, -0.0016088866395875812, -0.01984350010752678, -0.03362521901726723, -0.01616022177040577, -0.04583033174276352, -0.05284351482987404, -0.0066428156569600105, -0.033299025148153305, -0.04463428631424904, -0.021664753556251526, -0.03639787435531616, 0.005001649726182222, -0.012381801381707191, 0.033815499395132065, -0.06741353869438171, 0.014447699300944805, -0.013013802468776703, -0.01819893717765808, 0.010492591187357903, -0.007876238785684109, 0.004967670887708664, 0.017981473356485367, -0.029520604759454727, -0.002699599601328373, 0.051239725202322006, -0.02223559468984604, 0.021990947425365448, 0.01516804564744234, 0.016567964106798172, 0.012925458140671253, -0.02897694706916809, -0.05909557640552521, -0.02514416165649891, 0.017492182552814484, 0.0151272714138031, -0.014991356991231441, -0.022711293771862984, 0.0017889731097966433, -0.04316641017794609, 0.04273148253560066, 0.007488883100450039, -0.022588972002267838, -0.00949362013489008, -0.01648641563951969, -0.02744111604988575, -0.009418867528438568, -0.018525131046772003, 0.04319359362125397, -0.03830067440867424, 0.01785915158689022, 0.054420121014118195, -0.030988480895757675, 0.022439464926719666, -0.018253302201628685, -0.017927108332514763, -0.014909808523952961, -0.00759081868454814, 0.04025784134864807, -0.00752286147326231, -0.020455116406083107, 0.01518163736909628, -0.0024770398158580065, 0.04623807594180107, -0.011573110707104206, 0.014909808523952961, 0.03300001472234726, -0.058606285601854324, 0.02692463994026184, 0.02973806858062744, 0.011743003502488136, 0.005164746660739183, 0.00767236715182662, -0.044144995510578156, 0.03965982049703598, -0.022412283346056938, -0.022357916459441185, -0.019870683550834656, 0.03675125166773796, 0.051158174872398376, -0.006734557915478945, 0.050560154020786285, -0.01796788163483143, -0.0005954749067313969, 0.01325165294110775, -0.0582800917327404, 0.0065442780032753944, -0.0016573061002418399, -0.008759682066738605, 0.0252121202647686, 0.016051489859819412, -0.049445655196905136, -0.015072905458509922, -0.06148767098784447, 0.011743003502488136, 0.031668052077293396, 0.027767309918999672, -0.034739717841148376, 0.019449349492788315, -0.004515755455940962, -0.03264663740992546, -0.008630563504993916, 0.016880568116903305, 0.007794690318405628, 0.014855442568659782, 0.00756363570690155, -0.03359803557395935, -0.006228276994079351, -0.04547695443034172, 0.03161368891596794, 0.024247126653790474, 0.03112439624965191, -0.00039818667573854327, 0.015303960070014, 0.004199754446744919, -0.007210258394479752, -0.009867385029792786, -0.020618213340640068, -0.02360832877457142, -0.015548606403172016, -0.009113060310482979, 0.019136745482683182, 0.03077101707458496, 0.013666192069649696, -0.007169484160840511, 0.020319201052188873, 0.027998363599181175, 0.04447118937969208, 0.018185345456004143, -0.010091643780469894, -0.018769776448607445, -0.03862686827778816, 0.0485486201941967, -0.026380982249975204, -0.0028236215002834797, -0.025157753378152847, 0.0004973617033101618, 0.01466516312211752, 0.011620680801570415, 0.02829737588763237, -0.043900348246097565, -0.00585791002959013, 0.013285631313920021, 0.03395141288638115, 0.007753916084766388, 0.0029867186676710844, -0.0028134279418736696, -0.058769382536411285, 0.014107913710176945, -0.002108372049406171, -0.004400228150188923, -0.03386986628174782, 0.005052617285400629, -0.014284602366387844, 0.022983122617006302, -0.033978596329689026, -0.01162747573107481, -0.008712111972272396, -0.0023954911157488823, 0.003781817853450775, -0.009425663389265537, -0.003452225588262081, -0.003656096989288926, -0.04422654211521149, -0.02309185452759266, 0.008379122242331505, -0.04243247210979462, -0.03685998171567917, 0.00978583563119173, -0.017220353707671165, 0.001748198876157403, 0.020808493718504906, -0.003771624295040965, 0.05985669791698456, 0.011987648904323578, 0.006901053246110678, 0.008786865510046482, 0.004495368339121342, -0.017899924889206886, -0.03908897936344147, -0.001478068996220827, -0.012531306594610214, 0.021759893745183945, -0.037566736340522766, -0.017478590831160545, 0.043655700981616974, 0.0011263905325904489, 0.04267711937427521, -0.017301902174949646, 0.0015647143591195345, -0.03215734288096428, 0.051076628267765045, -0.056812215596437454, 0.0017685859929770231, 0.0410461463034153, -0.030145810917019844, -0.058769382536411285, 7.236379315145314e-05, -0.04678173363208771, -0.020237652584910393, 0.021773485466837883, 0.00945284590125084, 0.05768206715583801, 0.0018960057059302926, -0.044144995510578156, -0.05838882178068161, -0.012415779754519463, -0.01804943010210991, -0.009813019074499607, -0.0533599890768528, -0.0008757983450777829, 0.015562198124825954, -0.023567555472254753, 0.015942757949233055, 0.010689666494727135, 0.02230355143547058, 0.02188221737742424, 0.051430005580186844, 0.07725373655557632, 0.01957167126238346, -0.017152395099401474, -0.03052637167274952, 0.045341040939092636, 0.04566723480820656, -0.02590528316795826, -0.01632331870496273, -0.012701199389994144, 0.0004357755242381245, 0.014039956033229828, 0.000743706536013633, 0.031504955142736435, -0.030635103583335876, 0.02359473891556263, 0.049282558262348175, -0.023404458537697792, 0.03155932202935219, 0.0432751402258873, -0.06094401329755783, -0.0021882217843085527, -0.03908897936344147, -0.04129078984260559, -0.009371297433972359, -0.022697703912854195, 0.04371006786823273, -0.011172163300216198, -0.01324485708028078, 0.060400355607271194, -0.036588154733181, 0.0077199372462928295, -0.08747450262308121, 0.03077101707458496, -0.027495481073856354, 0.01504572294652462, -0.05528997257351875, 0.004977864678949118, 0.06165076792240143, 0.01598353311419487, -0.035256192088127136, 0.005113779101520777, -0.002174630295485258, 0.029085678979754448, -0.02514416165649891, -0.058932479470968246, 0.01518163736909628, 0.02865075320005417, -0.020278427749872208, 0.04145389050245285, -0.08992096036672592, -0.03642505779862404, 0.04468865320086479, 0.042948946356773376, -0.002178027993068099, -0.016010714694857597, 0.0030937513802200556, 0.050995077937841415, -0.015072905458509922, -0.01111100148409605, 0.03677843511104584, 0.00366629078052938, -0.007794690318405628, -0.019884275272488594, 0.0033027196768671274, -0.03797448053956032, 0.010778010822832584, 0.0025229109451174736, -0.01171582005918026, 0.038164760917425156, 0.037757016718387604, -0.03240199014544487, -0.027563437819480896, 0.047026377171278, 0.0533599890768528, -0.005015240982174873, -0.038599688559770584, 0.048521436750888824, -0.02873230166733265, -0.029112862423062325, 0.00442061573266983, -0.004926896654069424, 0.08568043261766434, 0.02957497164607048, 0.04371006786823273, 0.020319201052188873, 0.023825792595744133, -0.044579919427633286, 0.008630563504993916, 0.010771214962005615, 0.00652049295604229, -0.012442962266504765, 0.027481889352202415, 0.014488473534584045, 0.02358114719390869, -0.04284021630883217, -0.019598854705691338, 0.02676154300570488, -0.05333280563354492, -0.00047060358338057995, 0.013985591009259224, 0.026462532579898834, -0.05942177027463913, -0.04985339939594269, 0.007346172817051411, 0.01931343413889408, 0.019721178337931633, 0.004522551316767931, 0.0145700229331851, 0.003244956023991108, 0.023621920496225357, -0.02084926702082157, 0.021012363955378532, 0.03566393628716469, -0.015399100258946419, 0.009262565523386002, -0.08160299807786942, -0.09095390886068344, -0.02616352029144764, -0.05461040139198303, 0.006972408387809992, -0.008983940817415714, 0.00322626787237823, 0.026095563545823097, 0.033380575478076935, 0.03965982049703598, -0.00632341718301177, 0.025415990501642227, 0.0038293879479169846, -0.01311573851853609, -0.0024872333742678165, 0.010907129384577274, 0.030635103583335876, 0.005851114634424448, -0.010397450998425484, -0.005266682710498571, 0.06839212030172348, 0.02377142757177353, 0.01552142295986414, -0.013142921961843967, 0.002779449336230755, -0.009670308791100979, 0.012191521003842354, 0.02417916990816593, 0.003000310156494379, -0.028025547042489052, -0.028188643977046013, -0.010417837649583817, -0.05268041789531708, -0.019558081403374672, -0.018307669088244438, 0.0154806487262249, -0.03993164747953415, 0.011790573596954346, 0.01470593735575676, -0.007849056273698807, -0.014637979678809643, -0.020563846454024315, -0.032021429389715195, 0.0011153474915772676, -0.0006133136921562254, 0.0033434939105063677, -0.017546547576785088, 0.04710792750120163, 0.014896216802299023, -0.001297132926993072, -0.006173911038786173, -0.015793252736330032, -0.0012886383337900043, -0.000188475038157776, -0.01872900314629078, 0.03887151554226875, -0.019965823739767075, 0.03675125166773796, 0.017165986821055412, 0.0022714692167937756, 0.048684533685445786, -0.003499795449897647, 0.008691725321114063, -0.029629336670041084, -0.006527288351207972, 0.008786865510046482, -0.0186474546790123, 0.020930815488100052, -0.007937400601804256, 0.004824961069971323, 0.06252061575651169, 0.0036221183836460114, -0.006938429549336433, -0.0011026054853573442, 0.010424633510410786, -0.031260307878255844, -0.011783777736127377, 0.002589169191196561, -0.02624506875872612, -0.016296135261654854, 0.002964632585644722, -0.04678173363208771, -0.0028066320810467005, -0.0034641181118786335, 0.010825580917298794, -0.005772963631898165, -0.02196376584470272, 0.028786668553948402, 0.023812200874090195, -0.04477019980549812, -0.006904451176524162, -0.008358734659850597, -0.0009836803656071424, 0.035093095153570175, 0.032021429389715195, 0.022670520469546318, -0.031341858208179474, -0.0025925668887794018, 0.05855191871523857, 0.021433699876070023, 0.0030495792161673307, -0.014053547754883766, 0.012640038505196571, -0.005232703872025013, 0.008494649082422256, 0.027998363599181175, 0.00752286147326231, -0.009690696373581886, -0.006829698104411364, -0.009935341775417328, -0.008909188210964203, 0.01141680870205164, -0.030798200517892838, -0.011314872652292252, 0.005752576515078545, 0.0032483539544045925, 0.03376113623380661, 0.0068738702684640884, -0.025334442034363747, -0.02112109586596489, 0.016119446605443954, 0.0328369177877903, -0.004804573487490416, 0.0008460670942440629, 0.031749602407217026, 0.027672169730067253, 0.002448157873004675, -0.003856570925563574, 0.020237652584910393, 0.07975456118583679, -0.01711162179708481, -0.009371297433972359, -0.05069606751203537, -0.014067139476537704, -0.01982991024851799, 0.028107095509767532, -0.00906549021601677, 0.024247126653790474, -0.022412283346056938, -0.0067447517067193985, 0.031260307878255844, 0.0011960465926676989, -0.002364910440519452, 0.008616972714662552, 0.009181017056107521, 0.027889633551239967, -0.0054671564139425755, 0.020319201052188873, -0.02042793296277523, 0.022724885493516922, -0.03835504129528999, 0.007645184639841318, -0.031070029363036156, 0.00048079714179039, -0.007923808880150318, -0.030716652050614357, -0.04686328023672104, 0.0003019847790710628, -0.03411451354622841, 0.029520604759454727, -0.01081199012696743, 0.005001649726182222, 0.01693493314087391, -0.0013056276366114616, 0.01648641563951969, -0.060998376458883286, -0.008345143869519234, 0.007366559933871031, -0.00367648433893919, -0.035256192088127136, 0.01803584024310112, 0.029901165515184402, 0.005069606937468052, 0.014855442568659782, 0.01711162179708481, -0.047135110944509506, -0.0026826101820915937, -0.012014832347631454, 0.020495889708399773, -0.024763602763414383, -0.004505562130361795, 0.027481889352202415, -0.04786904901266098, -0.001377832144498825, 0.03718617558479309, -0.007366559933871031, -0.023105446249246597, -0.03009144589304924, 0.017125213518738747, 0.015467057935893536, 0.014882626011967659, 0.06241188943386078, 0.000733512977603823, 0.02324136160314083, 0.000849040225148201, -0.002339426428079605, -0.013013802468776703, 0.01931343413889408, -0.03887151554226875, 0.03392423316836357, 0.06627185642719269, -0.0017091234913095832, 0.03289128094911575, -0.01795429177582264, -0.08312524110078812, -0.002159339841455221, -0.00023062972468324006, 0.021488064900040627, -0.03120594471693039, -0.03563675284385681, 0.00901792012155056, -0.01632331870496273, 0.015195229090750217, 0.04349260404706001, -0.002249383134767413, 0.027590621262788773, 0.0184707660228014, -0.027033371850848198, 0.01753295585513115, 0.008114089258015156, 0.011348851956427097, 0.022412283346056938, -0.012959437444806099, 0.018565906211733818, -0.008127680979669094, -0.000771314138546586, 0.05882374942302704, -0.0410461463034153, 0.026652811095118523, 0.0048079714179039, -0.011559518985450268, -0.040991779416799545, 0.01337397564202547, 0.019693994894623756, 0.010879946872591972, 0.004213346168398857, 0.004434206988662481, -0.010526569560170174, 0.001969059696421027, -0.026435349136590958, 0.034848447889089584, -0.04485175013542175, 0.00932372733950615, -0.03974136710166931, -0.012354617938399315, 0.01863386295735836, -0.010044073686003685, 0.008222820237278938, 0.005473952274769545, 0.00226467358879745, 0.008963554166257381, 0.0011204442707821727, 0.0025704808067530394, -0.051674652844667435, -0.00048546920879743993, 0.013659396208822727, 0.012667221017181873, 0.015929166227579117, -0.005052617285400629, 0.017628096044063568, -0.0003219472127966583, -0.011878917925059795, 0.021189052611589432, -0.003635709872469306, -0.0023156413808465004, 0.01881055161356926, 0.055425889790058136, -0.04050248861312866, -0.008216025307774544, -0.0078286686912179, 0.005310854874551296, -0.01693493314087391, 0.005164746660739183, 0.03634350746870041, -0.00454973429441452, -0.02735956758260727, -0.022860800847411156, 0.02846047282218933, -0.0017320590559393167, 0.07796049118041992, -0.03183114901185036, 0.009412071667611599, -0.01607867144048214, 0.013863267377018929, 0.016119446605443954, -0.0045769172720611095, -0.012476940639317036, -0.0197619516402483, -0.008786865510046482, -0.0010244547156617045, 0.016024306416511536, 0.0018399410182610154, -0.006673396565020084, 0.00015502734459005296, 0.0047060358338057995, 0.00559967290610075, 0.0059462543576955795, -0.033897049725055695, 0.024301493540406227, 0.01124012004584074, 0.035528022795915604, 0.03259227052330971, -0.06980562955141068, 0.03017299436032772, 0.01291186735033989, -0.008283982053399086, 0.013958407565951347, -0.0005517274839803576, 0.0466729998588562, -0.01598353311419487, 0.06328173726797104, -0.019897866994142532, -0.006404965650290251, -0.037240542471408844, -0.012130359187722206, -0.016513599082827568, -0.010044073686003685, 0.015507832169532776, 0.011620680801570415, 0.005524919833987951, 0.023064671084284782, 0.01837562583386898, -0.024505363777279854, -0.015602972358465195, -0.021990947425365448, 0.04564005136489868, -0.03607168048620224, -0.05654038488864899, -0.014271010644733906, 0.014651571400463581, 0.0350659117102623, -0.05009804293513298, 0.003866764483973384, 0.03297283127903938, -0.02530725859105587, -0.03460380434989929, 0.017899924889206886, 0.0007946744444780052, -0.00970428716391325, 0.0053006610833108425, 0.00939847994595766, -0.0024974269326776266, 0.01779119297862053, -0.010648892261087894, -0.0036221183836460114, 0.03601731359958649, 0.02078131027519703, -0.01572529412806034, -0.0006256308988668025, 0.027767309918999672, -0.01111779734492302, -0.00799856148660183, -0.029765252023935318, 0.026177112013101578, -0.01641845889389515, 0.017125213518738747, -0.027889633551239967, -0.03289128094911575, -0.023186994716525078, 0.04830397292971611, 0.0037444415502250195, -0.00910626444965601, 0.012843909673392773, 0.015371917746961117, 0.006955418735742569, -0.0302545428276062, -0.03044482320547104, 0.006000620312988758, -0.005759372375905514, -0.0025059215258806944, -0.007094731088727713, 0.04762440174818039, -0.01596994139254093, 0.012809931300580502, -0.01648641563951969, 0.028759485110640526, 0.014733119867742062, 0.03422324359416962, -0.008990736678242683, -0.001698080450296402, -0.006632622331380844, 0.0009310135501436889, -0.002347921021282673, 0.0020608019549399614, -0.02889539860188961, 0.01596994139254093, -0.007978174835443497, -0.01795429177582264, 0.003897345159202814, -0.0007934002787806094, -0.017736827954649925, 0.003645903430879116, 0.011797369457781315, 0.0055656940676271915, -0.010445021092891693, -0.0045293471775949, -0.02050948143005371, 0.008236411958932877, 0.0003015600668732077, -0.036126043647527695, 0.03721335902810097, 0.02171912044286728, 0.02572859451174736, 0.005168144591152668, 0.017464999109506607, -0.015371917746961117, 0.011097409762442112, 0.010186783969402313, -0.006381180603057146, -0.0066428156569600105, 0.010689666494727135, -0.019177520647644997, 0.03647942095994949, 0.021148279309272766, 0.057845164090394974, 0.0021559419110417366, -0.054257024079561234, 0.03264663740992546, -0.006095760501921177, 0.0019554682075977325, 0.04906509444117546, -0.0422150082886219, 0.02634020894765854, 0.024056846275925636, -0.06681551784276962, 0.03427761048078537, -0.013217674568295479, 0.014542839489877224, 0.009887771680951118, 0.01950371451675892, 0.0007734378450550139, 0.00166749965865165, 0.0410461463034153, -0.005412790458649397, -0.009208199568092823, 0.03476690128445625, 0.005171542521566153, -0.004447798244655132, 0.0425683856010437, 0.010288719087839127, -0.020387157797813416, -0.0077063459903001785, -0.0023802006617188454, 0.017301902174949646, -0.020754126831889153, -0.004923498723655939, 0.020672578364610672, 0.012048810720443726, -0.00741413002833724, 0.02548394724726677, -0.03957827016711235, 0.03193988278508186, -0.00953439436852932, -0.012741973623633385, 0.021827850490808487, 0.007407334167510271, -0.04080149903893471, -0.03403296321630478, -0.03052637167274952, -0.0261499285697937, 0.01115177571773529, 0.005694813095033169, 0.00754324859008193, 0.010778010822832584, -0.035446472465991974, -0.008834435604512691, -0.019000831991434097, -0.010730440728366375, -0.015861209481954575, 0.030988480895757675, -0.01141680870205164, -0.013088556006550789, 0.028841033577919006, 0.04708074405789375, 0.013734148815274239, -0.004026463720947504, 0.040393758565187454, 0.002764158882200718, 0.06534764170646667, 0.008956758305430412, 0.014855442568659782, -0.009045102633535862, -0.021053139120340347, 0.027577029541134834, 0.0009463039459660649, 0.013537073507905006, 0.00758402282372117, 0.0020098339300602674, -0.029602155089378357, -0.0050865961238741875, -0.02992834895849228, -0.020577438175678253, -0.019721178337931633, 0.04694483056664467, 0.0154806487262249, 0.02837892435491085, 0.008229616098105907, 0.013088556006550789, -0.010091643780469894, -0.013319610618054867, -0.005647243000566959, -0.0444440059363842, 0.02846047282218933, 0.05795389413833618, 0.014094321988523006, 0.022099679335951805, 0.003989087417721748, 0.020618213340640068, 0.029004130512475967, 0.02291516587138176, -0.005657436326146126, 0.007876238785684109, -0.013312814757227898, -0.005392403341829777, -0.030743835493922234, -0.015494240447878838, -0.008610176853835583, 0.012891479767858982, 0.009208199568092823, -0.031504955142736435, -0.024138396605849266, -0.014338968321681023, -0.00795099139213562, 0.01150515303015709, -0.0555889867246151, 0.005076402332633734, 0.01461079716682434, -0.010281923227012157, -0.005225908476859331, -0.02042793296277523, 6.72139140078798e-05, 0.038599688559770584, 0.003462419146671891, 0.03147777169942856, -0.010920721106231213, -0.01580684445798397, -0.0331902951002121, -0.007638388779014349, -0.004434206988662481, 0.0010847666999325156, 0.031858332455158234, -0.025932464748620987, 0.0038090008310973644, -0.002663922030478716, -0.05730150640010834, -0.017546547576785088, 0.008956758305430412, 0.01641845889389515, 0.01890569180250168, -0.013475911691784859, -0.0014169075293466449, 3.628808190114796e-05, -0.038844332098960876, 0.0038259900175035, -0.011824551969766617, -0.013808902353048325, 0.014094321988523006, 0.008460670709609985, -0.003409752156585455, 0.016350500285625458, 0.011464378796517849, 0.027767309918999672, -0.03615322709083557, 0.024396633729338646, -0.017492182552814484, -0.007183075416833162, 0.012143950909376144, -0.0384637713432312, -0.016880568116903305, 0.011430400423705578, 0.0057185981422662735, 0.0009284651605412364, -0.012279865331947803, 0.0037886137142777443, -0.008447078987956047, 0.013258448801934719, 0.018484357744455338, 0.04245965555310249, -0.02642175741493702, 0.014175870455801487, 0.021651161834597588, -0.018756186589598656, -0.006350599694997072, 0.01648641563951969, 0.008657746948301792, -0.030798200517892838, -0.027033371850848198, -0.03522900864481926, 0.008780069649219513, -0.03340775892138481, -0.00782187283039093, -0.006676794495433569, 0.026652811095118523, 0.003080159891396761, 0.02642175741493702, -0.005810340400785208, 0.0007190720643848181, 0.0018841131823137403, 0.011226528324186802, 0.009303339757025242, 0.05379491671919823, -0.030635103583335876, -0.00011828799324575812, 0.02581014297902584, -0.015371917746961117, 0.020794901996850967, 0.007991766557097435, -0.01701648160815239, 0.0007967980927787721, -0.005721995607018471, -0.0007203462882898748, 0.012395392172038555, -0.009255769662559032, -0.0010380462044849992, 0.004189561121165752, 0.013971999287605286, 0.01072364579886198, -0.012354617938399315, -0.05009804293513298, 0.011736207641661167, -0.01149835716933012, 0.019517306238412857, 0.0021610388066619635, 0.009310135617852211, -0.012803135439753532, 0.011219732463359833, -0.034739717841148376, 0.015399100258946419, -0.0002909417380578816, -0.010118826292455196, -0.014039956033229828, 0.010669279843568802, 0.025674227625131607, -0.010825580917298794, 0.005344833247363567, 0.016268951818346977, 0.0074684955179691315, -0.0034539245534688234, -0.025755776092410088, 0.002419276162981987, -0.014502065256237984, 0.004692444112151861, 0.002454953733831644, -0.0066937836818397045, -0.04430809244513512, -0.00547055434435606, 0.010750828310847282, -0.008379122242331505, 0.04042093828320503, 0.014502065256237984, -0.019136745482683182, -0.004118205979466438, 0.07573150098323822, -0.01957167126238346, 0.0291400458663702, -0.006133136805146933, 0.0321301631629467, -0.030635103583335876, 0.002310544718056917, -0.0156573373824358, -0.02427431009709835, 0.02513056993484497, -0.03653378784656525, 0.031070029363036156, -0.01337397564202547, 0.012850705534219742, -0.019857091829180717, 0.014461291022598743, -0.023649103939533234, 0.006065179593861103, -0.010438225232064724, 0.010485795326530933, 0.020482297986745834, 0.012538102455437183, 0.024559730663895607, 0.020563846454024315, -0.005317650735378265, -0.02137933298945427, 0.039360806345939636, 0.02865075320005417, -7.199215178843588e-05, -0.04199754819273949, 0.0014203053433448076, -0.03221170976758003, 0.014855442568659782, -0.0034233436454087496, -0.019204704090952873, -0.020876450464129448, 0.013652600347995758, 0.015371917746961117, 0.01607867144048214, 0.01107022725045681, 0.0028525032103061676, 0.010676075704395771, 0.0069452254101634026, 0.017030073329806328, -0.012116767466068268, 0.013197286985814571, 0.018334850668907166, -0.019721178337931633, 0.004077431745827198, 0.02419276162981987, -0.016608739271759987, -0.013768128119409084, 0.008664542809128761, -0.009221791289746761, -0.005701608490198851, -0.03425042703747749, -0.01346231997013092, 0.019014423713088036, 0.00018911213555838913, -0.026217885315418243, -0.00289497640915215, -0.027590621262788773, 0.006425352767109871, -0.02701978012919426, 0.0354192890226841, -0.01795429177582264, -0.018348442390561104, -0.0038939472287893295, -0.0014542839489877224, -0.012103176675736904, -0.005433177575469017, 0.028107095509767532, 0.01659514755010605, 0.00769275426864624, -0.016255361959338188, 0.011083818972110748, 0.018226120620965958, -0.021148279309272766, 0.04751567170023918, 0.0268566831946373, 0.02249383181333542, 0.005392403341829777, -0.00767236715182662, 0.011661455035209656, -0.020903633907437325, 0.002108372049406171, 0.026122745126485825, -0.0030037080869078636, 0.0070879352279007435, -0.025592679157853127, -0.033543672412633896, 0.003645903430879116, -0.005039026029407978, 0.017464999109506607, 0.009133446961641312, -0.0233364999294281, -0.020128920674324036, 0.03476690128445625, 0.011335260234773159, -0.024478182196617126, 0.00395510857924819, 0.0034641181118786335, 0.013238061219453812, -0.003887151600793004, -0.05319689214229584, -0.008018949069082737, -0.03743082284927368, -0.0291400458663702, 0.013808902353048325, -0.004695842042565346, -0.019870683550834656, -0.003100547008216381, 0.0011748099932447076, -0.01640486717224121, -0.004084227606654167, 0.023975297808647156, 0.013802106492221355, -0.025198528543114662, -0.012497328221797943, -0.016187403351068497, 0.00576956570148468, 0.038001663982868195, -0.04101896286010742, -0.023567555472254753, -0.0010703258449211717, 0.00795099139213562, -0.017315493896603584, -0.017247535288333893, -0.006571460980921984, -0.006683590356260538, 0.0018144571222364902, 0.04308485984802246, 0.004923498723655939, -0.003571150591596961, -0.022792844101786613, -0.00910626444965601, -0.006384578533470631, -0.020971590653061867, 0.0020794901065528393, 0.005422984249889851, -0.030037080869078636, -0.00553171569481492, -0.012259477749466896, 0.0036730864085257053, -0.002925557317212224, 0.03669688478112221, -0.045966245234012604, 0.0039585065096616745, 0.02129778452217579, 0.004967670887708664, -0.021596796810626984, 0.02742752432823181, -0.0017150697531178594, 0.017152395099401474, -0.008202433586120605, -0.031586505472660065, 0.012218703515827656, 0.012877888046205044, -0.002709793159738183, 0.009649922139942646, -0.015113680623471737, -0.001117046340368688, -0.045857515186071396, -0.010322697460651398, -0.009174221195280552, 0.004284701310098171, 0.0034539245534688234, 0.009507211856544018, 0.015847617760300636, -0.008351939730346203, -0.012973028235137463, -0.02076771855354309, -0.01295264158397913, 0.03259227052330971, -0.023377275094389915, 0.0071898712776601315, -0.0024787387810647488, 0.01779119297862053, -0.026177112013101578, 9.79008327703923e-05, 0.014637979678809643, 4.8260226321872324e-05, 0.006965612526983023, 0.004964272957295179, 0.02402966469526291, 0.03982291743159294, 0.009846997447311878, -0.009439254179596901, 0.02307826280593872, 0.019449349492788315, 0.046727366745471954, -0.019558081403374672, -0.0013345094630494714, 0.0179407000541687, 0.037485189735889435, -0.007923808880150318, -0.03164086863398552, 0.024559730663895607, 0.022942349314689636, 0.0010210569016635418, 0.046292442828416824, -0.015059314668178558, -0.014135096222162247, 0.005973437335342169, -0.04523230716586113, 0.008983940817415714, 0.01838921755552292, -0.016309726983308792, 0.0032381603959947824, 0.008691725321114063, -0.015684520825743675, -0.003941517323255539, -0.002985019702464342, 0.05528997257351875, 0.024084029719233513, -0.007475291378796101, -0.026544081047177315, 0.00321607431396842, 0.03207579627633095, -0.02265692874789238, 0.015874801203608513, -0.013836084865033627, 0.0035643549636006355, -0.042187824845314026, 0.022453056648373604, -0.027835266664624214, 0.03221170976758003, -0.014338968321681023, 0.025252893567085266, 0.0008583843009546399, 0.0406927689909935, -0.04735257476568222, -0.016703879460692406, 0.004923498723655939, 0.005239499732851982, -0.009860589168965816, -0.004002678673714399, 0.002879686187952757, -0.02033279277384281, -0.01163427159190178, 0.0031311276834458113, 0.004862337373197079, -0.01363900862634182, -0.04240528866648674, -0.014026365242898464, 0.001042293501086533, 0.0021661357022821903, -0.012843909673392773, -0.010587731376290321, 0.007509270217269659, 0.037403639405965805, 0.012300251983106136, 0.015834026038646698, -0.011083818972110748, 0.013740944676101208, -0.01286429725587368, 0.012381801381707191, -0.038164760917425156, 0.032945647835731506, 0.0023852975573390722, -0.012028423137962818, -0.008895596489310265, 0.010411042720079422, 0.00970428716391325, -0.0012053907848894596, 0.025946056470274925, 0.002945944434031844, -0.03835504129528999, -0.020495889708399773, 0.012619650922715664, -0.0331902951002121, 0.002364910440519452, -0.01163427159190178, -0.0029170624911785126, 0.0004578616062644869, 0.018606679514050484, 0.018769776448607445, 0.0075704315677285194, -0.018063021823763847, 0.006921440362930298, 0.007094731088727713, 0.008949962444603443, -0.010424633510410786, -0.025715002790093422, -0.024586912244558334, 0.015766069293022156, 0.011824551969766617, -0.015535014681518078, 0.0023156413808465004, -0.016771836206316948, 0.01106343138962984, 0.03813757747411728, -0.017464999109506607, -0.029357507824897766, 0.007380151189863682, -0.0011552723590284586, -0.016731061041355133, -0.025429582223296165, 0.007488883100450039, 0.003761430736631155, -0.038599688559770584, -0.00931693147867918, 0.036370690912008286, 0.023907341063022614, 0.021773485466837883, 0.003341795178130269, 0.00010241361451335251, 0.01111100148409605, 0.0029034712351858616, 0.0049574775621294975, 0.01106343138962984, 0.018158162012696266, 0.0016267253085970879, -0.02086285874247551, 0.028433291241526604, 0.00940527580678463, 0.018334850668907166, 0.004740014206618071, -0.012476940639317036, 0.02941187471151352, 0.008059723302721977, 0.007196667138487101, 0.040230657905340195, 0.008671337738633156, 0.08176609873771667, -0.009480028413236141, -0.031178761273622513, -0.04583033174276352, 0.011314872652292252, -0.0291400458663702, 0.04506921023130417, 0.02042793296277523, 0.011844939552247524, -0.01915033720433712, 0.002212006598711014, -0.011138183996081352, 0.0035371719859540462, 0.02264333702623844, 0.01470593735575676, -0.003751237178221345, 0.011960466392338276, -0.029384691268205643, -0.04264993593096733, -0.005698211025446653, 0.01269440446048975, 0.022439464926719666, 0.025701411068439484, 0.007550044450908899, -0.02358114719390869, -0.012510919943451881, 0.034821268171072006, 0.0309612974524498, -0.02095799893140793, 0.018851326778531075, -0.02889539860188961, -0.023051081225275993, 0.023975297808647156, 0.012714791111648083, 0.02068617008626461, -0.005331241991370916, -0.009670308791100979, -0.03351648896932602, -0.02462768740952015, 0.046047795563936234, -0.013883654959499836, 0.01999300718307495, -0.026177112013101578, -0.006017609499394894, -0.02144729159772396, -0.001542628277093172, -0.02181425876915455, 0.011294486001133919, 0.03601731359958649, 0.005898684728890657, -0.012062402442097664, -0.008331552147865295, -0.007251032628118992, 0.0033740748185664415, 0.0025602872483432293, -0.016608739271759987, 0.04264993593096733, -0.013346793130040169, 0.016200995072722435, 0.011946874670684338, 0.004634680692106485, -0.012728382833302021, -0.004964272957295179, 0.0027080941945314407, 0.006965612526983023], "c742b29b-bab3-4abc-805d-f470b49e46e3": [0.03276880457997322, 0.04137394577264786, 0.07475549727678299, -0.011608948931097984, -0.01421313639730215, 0.027174130082130432, 0.033061858266592026, 0.0011255950666964054, -0.03234254568815231, 0.024882977828383446, 0.026201723143458366, -0.0629267618060112, -0.06633684784173965, -0.0014477884396910667, 0.028825892135500908, -0.024829696863889694, -0.037990499287843704, -0.016770701855421066, -0.06644341349601746, 0.027493827044963837, 0.07305045425891876, 0.07827215641736984, -0.028745967894792557, -0.0032868708949536085, 0.01625119522213936, -0.019967658445239067, -0.05615986883640289, 0.017849674448370934, 0.022218847647309303, 0.025429125875234604, 0.020287353545427322, -0.014146532863378525, -0.045636553317308426, 0.01038344856351614, 0.011136065237224102, 0.0004229307232890278, -0.03532636910676956, 0.024390114471316338, 0.009304475970566273, -0.06457852572202682, -0.01834253780543804, 0.01880876161158085, -0.03852332755923271, 0.0026657956186681986, -0.03711133822798729, 0.006020934786647558, 0.014359663240611553, -0.01960800029337406, -0.011102763935923576, 0.0626070648431778, -0.03338155522942543, 0.024656526744365692, -0.0013920081546530128, 0.02701428346335888, 0.0633530244231224, 0.019727885723114014, -0.004648907575756311, -0.039242640137672424, -0.012368225492537022, -0.03956233710050583, 0.02520267479121685, 0.015118940733373165, -0.017263565212488174, 0.029758337885141373, -0.023124651983380318, 0.010490013286471367, -0.04161371663212776, 0.03692484647035599, 0.035006675869226456, 0.007286396808922291, 0.009024742059409618, 0.054508108645677567, 0.04166699945926666, 0.0006506306235678494, 0.0010456711752340198, -0.01943483203649521, 0.044277846813201904, 0.012188397347927094, 0.015598484314978123, -0.007879165932536125, 0.04648907855153084, -0.0502721406519413, -0.02068697288632393, -0.006900097709149122, 0.004312561359256506, 0.0026774511206895113, -0.03839011862874031, -0.0315433032810688, -0.0629267618060112, 0.008751668967306614, -0.07054617255926132, 0.038709815591573715, -0.041187457740306854, 0.04766129329800606, 0.019927695393562317, -0.0007838371093384922, -0.046142738312482834, 0.000662286183796823, 0.0094843041151762, 0.03881638124585152, 0.041267380118370056, -0.028719326481223106, 0.002883921144530177, -0.05866415426135063, 0.050618477165699005, -0.03375453129410744, -0.02460324577987194, 0.02070029452443123, 0.031143685802817345, -0.0377240888774395, -0.05711895599961281, -0.01695718988776207, -0.02137964777648449, 0.03572598844766617, 0.04169364273548126, 0.01292103249579668, -0.024816375225782394, -0.036898206919431686, 0.014879168942570686, -0.005341581534594297, -0.04081447795033455, 0.039349205791950226, -0.013853478245437145, -0.05077832564711571, 0.0017067085718736053, 0.010789728723466396, 0.00980400014668703, -0.002775690983980894, -0.033115141093730927, -0.02209896221756935, 0.015212184749543667, 0.01958135887980461, -0.009590869769454002, -0.03847004473209381, 0.003636538051068783, -0.002858944935724139, 0.018715515732765198, -0.029811620712280273, -0.058237891644239426, -0.03905615210533142, -0.003753093769773841, -0.020367277786135674, 0.019741207361221313, 0.05935682728886604, -0.015172222629189491, 0.007759280037134886, -0.01353378314524889, 0.019807809963822365, -0.023737402632832527, -0.05557376146316528, 0.0316232293844223, 0.0005386538687162101, -0.014985733665525913, 0.02949192374944687, 0.02636157162487507, -0.04020172730088234, -0.010916274972259998, 0.06090202182531357, -0.0007680188864469528, -0.0002111531503032893, -0.018022842705249786, -0.04835396632552147, 0.016757380217313766, 0.00771931791678071, -0.020380597561597824, -0.02577546238899231, -0.005784493405371904, -0.03023788146674633, -0.05157756432890892, -0.016823984682559967, -0.02325785905122757, -0.029118945822119713, -0.04702190309762955, -0.035006675869226456, 0.02317793481051922, -0.019101815298199654, 0.025042826309800148, -0.0690009817481041, 0.029092304408550262, -0.024696489796042442, -0.032955292612314224, 0.00023997988319024444, -0.0008675074786879122, -0.012141774408519268, 0.019301624968647957, -0.02079353854060173, -0.0158249344676733, 0.061488132923841476, -0.002605852670967579, 0.016650814563035965, 0.020433880388736725, 0.006810183636844158, 0.018595630303025246, -0.05360230430960655, -0.06031591445207596, -0.03226261958479881, 0.02020742930471897, 0.039988599717617035, -0.03029116429388523, -0.025349201634526253, -0.0001568298612255603, -0.015198864042758942, 0.041107531636953354, 0.01831589639186859, -0.010163657367229462, -0.015545201487839222, -0.01943483203649521, -0.033141784369945526, -0.0004458255716599524, -0.0008908185991458595, 0.05115130543708801, -0.028079934418201447, 0.001112274476327002, 0.03660515323281288, -0.029411999508738518, 0.013440538197755814, -0.019274983555078506, 0.0007592772017233074, -0.006846815347671509, 0.005717889871448278, 0.036844924092292786, -0.007412943057715893, -0.03836347907781601, 0.00441912654787302, -0.003127023112028837, 0.059410110116004944, -0.003097051754593849, 0.017849674448370934, 0.012261660769581795, -0.0755547434091568, 0.019727885723114014, 0.03628545626997948, -0.0026957669761031866, 0.03468697890639305, 0.002186252037063241, -0.01637108251452446, 0.012508092448115349, -0.00442911684513092, -0.017183640971779823, -0.01830257661640644, 0.03889630362391472, 0.04278593510389328, -0.0015485258772969246, 0.034260716289281845, -0.03234254568815231, 0.019767848774790764, 0.001736680045723915, -0.05402856692671776, -0.0219124723225832, -0.017783069983124733, 0.015425315126776695, 0.026667945086956024, 0.008591820485889912, -0.04326548054814339, -0.011162706650793552, -0.06383256614208221, 0.03226261958479881, 0.053842075169086456, 0.029385359957814217, -0.034953393042087555, 0.00975071731954813, -0.006150811444967985, -0.04529021680355072, 0.02702760323882103, 0.0009649147395975888, -0.0009990489343181252, 0.012494771741330624, -0.00469553004950285, -0.01702379435300827, 0.024723131209611893, 0.0031819709111005068, 0.02518935315310955, 0.03287537023425102, 0.035646066069602966, -0.01886204443871975, 0.00823216326534748, 0.007952429354190826, -0.011215989477932453, -0.026241684332489967, -0.013720272108912468, -0.04102760925889015, -0.0156784076243639, 0.0032136074732989073, 0.024709809571504593, 0.023750722408294678, 0.013134162873029709, 0.020380597561597824, 0.003503331681713462, 0.036178890615701675, 0.03961561992764473, 0.005394864361733198, -0.008938157930970192, -0.012960994616150856, -0.05224359780550003, 0.04140058904886246, -0.03671171888709068, -0.008345388807356358, -0.015172222629189491, -0.0038230272475630045, 0.021019989624619484, 0.0188354030251503, 0.024363473057746887, -0.030744066461920738, -0.0027190782129764557, -0.015478597953915596, 0.020993348211050034, 0.01164225023239851, -0.011735495179891586, -0.03892294690012932, -0.04667556658387184, 0.033035218715667725, -0.008098956197500229, -0.014359663240611553, -0.030317803844809532, 0.025988591834902763, -0.00029513571644201875, 0.025988591834902763, -0.02965177223086357, 0.00044166287989355624, -0.019088495522737503, 0.0010872982675209641, -0.009011421352624893, 0.0007184827118180692, -0.007905807346105576, 0.017450055107474327, -0.014293059706687927, -0.014879168942570686, -0.00812559761106968, -0.04702190309762955, -0.0016684116562828422, -0.031223608180880547, -0.005238346755504608, -0.007712657563388348, 0.01694387011229992, -0.0032918662764132023, 0.05472123995423317, 0.02460324577987194, 0.0012196722673252225, 0.000163073927978985, -0.007859185338020325, -0.022192206233739853, -0.04582304507493973, -0.006024265196174383, -0.003826357424259186, 0.04257280379533768, -0.033008575439453125, -0.01630447804927826, 0.04901999980211258, 0.056905828416347504, 0.0378040112555027, -0.0016184592386707664, -0.01011703535914421, -0.02333778329193592, 0.03982875123620033, -0.028479555621743202, 0.02006090246140957, 0.0564795657992363, -0.02694767899811268, -0.0565861314535141, -0.0007559470250271261, -0.057545218616724014, -0.00911798607558012, 0.00661703385412693, 0.015118940733373165, 0.036232173442840576, -0.008478594943881035, -0.051417719572782516, -0.050591837614774704, -0.01009705476462841, -0.028079934418201447, -0.010190298780798912, -0.0315965861082077, -0.012015228159725666, 0.006180782802402973, -0.028719326481223106, 0.009810660034418106, 0.007226454094052315, 0.03575263172388077, 0.039988599717617035, 0.04345196858048439, 0.07123884558677673, 0.006796862930059433, -0.018755478784441948, -0.03847004473209381, 0.050645120441913605, 0.03604568541049957, -0.012654619291424751, -0.013986685313284397, -0.012421508319675922, 0.0023843967355787754, 0.0078858258202672, 0.010589919053018093, 0.020980026572942734, 0.003713131882250309, 0.04774121940135956, 0.05988965183496475, -0.0025625606067478657, 0.037377748638391495, 0.02632160857319832, -0.05797147750854492, 0.0012546388898044825, -0.025349201634526253, -0.031703151762485504, -0.02698764204978943, -0.056905828416347504, 0.030451010912656784, -0.015878217294812202, -0.03567270562052727, 0.07198480516672134, -0.02321789786219597, -0.00018628100224304944, -0.06820174306631088, 0.0377507284283638, -0.029358718544244766, 0.003713131882250309, -0.06388584524393082, -0.009684114716947079, 0.06058232858777046, -0.0125880166888237, -0.01702379435300827, 0.008964799344539642, -0.019861092790961266, 0.021539494395256042, -0.017117038369178772, -0.04846053197979927, 0.013027598150074482, 0.020500484853982925, -0.006184112746268511, 0.024989543482661247, -0.06393913179636002, -0.0283729899674654, 0.05615986883640289, 0.035646066069602966, -0.003033778630197048, 0.006960040889680386, 0.00025163544341921806, 0.05983636900782585, -0.026228364557027817, -0.0313568152487278, 0.026041874662041664, -5.330212388798827e-06, -0.011575646698474884, -0.027813522145152092, 0.004845387302339077, -0.046382512897253036, -0.007566130720078945, 0.01473264116793871, -0.015292108990252018, 0.018062803894281387, 0.018382500857114792, -0.021899152547121048, -0.01134919561445713, 0.04886015132069588, 0.06575074046850204, -0.028799250721931458, -0.05839774012565613, 0.05775834992527962, 0.012261660769581795, -0.04584968462586403, -0.0379638597369194, -0.0023211236111819744, 0.07837872207164764, 0.02778688073158264, 0.02967841364443302, 0.007652714848518372, 0.016157951205968857, -0.04726167395710945, 0.01130257360637188, -0.01698383130133152, 0.008878215216100216, -0.014266418293118477, 0.023670800030231476, 0.0314633809030056, 0.01163558941334486, -0.018582310527563095, 0.0019115136237815022, 0.029918184503912926, -0.0501655749976635, 0.02520267479121685, -0.006060896907001734, 0.02264510840177536, -0.06170126050710678, -0.04270601272583008, -0.010243581607937813, 0.01287441048771143, 0.031836360692977905, -0.0024759762454777956, 0.026881076395511627, -0.003976214677095413, 0.028692685067653656, 0.008984779939055443, -0.005691248923540115, 0.03708469495177269, -0.014985733665525913, -0.01697051152586937, -0.09010089188814163, -0.06804189085960388, 0.01064986176788807, -0.061381567269563675, 0.023670800030231476, -0.03412751108407974, -0.002302807755768299, 0.030584217980504036, 0.024789733812212944, 0.013773554936051369, -0.008625122718513012, 0.004902000073343515, -0.013520462438464165, -0.03593911975622177, 0.005434826016426086, -0.0007451240089721978, 0.03655187040567398, 0.030557576566934586, 0.0025442445185035467, -0.0376974456012249, 0.05893056467175484, 0.01449286937713623, 0.025975272059440613, -0.008145579136908054, -0.0016550910659134388, 0.0004936966579407454, 0.007745959330350161, 0.0050118956714868546, -0.0015859901905059814, -0.02148621156811714, -0.029784979298710823, -0.013320652768015862, -0.03729782626032829, -0.019741207361221313, -0.010010470636188984, 0.024882977828383446, -0.032315902411937714, 0.022378696128726006, 0.019061854109168053, -0.004698859993368387, -0.007872505113482475, -0.011335874907672405, -0.03484682738780975, 0.008025692775845528, 0.0021546154748648405, 0.0023877269122749567, -0.02075357548892498, 0.050751686096191406, 0.012967655435204506, 0.010569937527179718, 0.012388207018375397, 0.006873456761240959, 0.011535684578120708, -0.003949573263525963, -0.029918184503912926, 0.027946729212999344, 0.00227450137026608, 0.028692685067653656, 0.014825886115431786, -0.028000012040138245, 0.042386315762996674, 0.006673646625131369, 0.004765463527292013, -0.02706756629049778, 0.0001728562783682719, 0.0036431984044611454, 0.005857756827026606, 0.009810660034418106, 5.827785571455024e-05, -0.012281641364097595, 0.061434850096702576, -0.0110095189884305, -0.014959092251956463, -0.0020380597561597824, 0.004755472764372826, -0.02890581637620926, -0.025362521409988403, 0.007039964664727449, -0.02895909734070301, -0.00975071731954813, -0.006413894239813089, -0.024696489796042442, -0.0036764999385923147, 0.007512847892940044, -0.008345388807356358, -0.013853478245437145, -0.006833494640886784, 0.018715515732765198, 0.012994295917451382, -0.044943880289793015, 0.008558519184589386, -0.035592783242464066, -0.032315902411937714, 0.015611804090440273, 0.014226457104086876, 0.01771646738052368, -0.027440544217824936, -0.005055187735706568, 0.053708869963884354, 0.035486217588186264, 0.024243587628006935, -0.0004991081659682095, 0.0024510000366717577, -0.01352712232619524, 0.002277831546962261, 0.03023788146674633, 0.0011838729260489345, -0.018822081387043, -0.03212941437959671, -0.011002859100699425, 0.0016750720096752048, 0.008898195810616016, -0.035486217588186264, -0.0031037121079862118, 0.007979070767760277, 0.0014211471425369382, 0.010889633558690548, 0.014679359272122383, -0.010176978074014187, -0.0439048707485199, 0.003083731047809124, 0.025389162823557854, -0.014306380413472652, -0.018062803894281387, 0.036072324961423874, 0.0006572909187525511, 0.0025259286630898714, -0.00817888043820858, -0.008698386140167713, 0.07177167385816574, -0.027866804972290993, -0.016504287719726562, -0.05477452278137207, -0.0009582544444128871, 0.010809709317982197, 0.042386315762996674, -0.005951001308858395, 0.014066608622670174, -0.02765367366373539, -0.012334924191236496, 0.03535301238298416, 0.005611324682831764, 0.016690777614712715, 0.018595630303025246, -0.017450055107474327, 0.03388774022459984, -0.028692685067653656, -0.005278308410197496, -0.012681260704994202, 0.029252152889966965, -0.04454426094889641, 0.019368229433894157, -0.005078498739749193, 0.008938157930970192, -0.008485255762934685, -0.03700477257370949, -0.04049478471279144, 0.01451951079070568, -0.04547670856118202, 0.020580407232046127, -0.018529027700424194, -0.019661283120512962, 0.016490967944264412, -0.006713608745485544, 0.0018848723266273737, -0.05232352390885353, -0.010936255566775799, 0.0008046506554819643, -0.0078458646312356, -0.03839011862874031, 0.017290206626057625, 0.019181739538908005, 0.005791153758764267, -0.009590869769454002, -0.0013587065041065216, -0.06047576293349266, 0.01702379435300827, -0.02339106611907482, 0.038656532764434814, -0.037351109087467194, -0.005215035285800695, 0.01762322336435318, -0.055786892771720886, -0.009331117384135723, 0.030717425048351288, -0.03583255410194397, -0.025482408702373505, -0.02267174981534481, 0.014066608622670174, 0.005391533952206373, -0.006873456761240959, 0.06361943483352661, 0.002863940317183733, 0.030051391571760178, -0.018742157146334648, 0.009431022219359875, -0.009344437159597874, 0.010263562202453613, -0.07086586952209473, 0.022338733077049255, 0.06425882875919342, -0.01890200562775135, 0.02965177223086357, -0.001756660989485681, -0.05994293466210365, -0.006347290705889463, -0.02513607032597065, 0.0016317799454554915, -0.0313568152487278, -0.029438640922307968, 0.006587062496691942, -0.019821131601929665, 0.024030456319451332, 0.013174124993383884, 0.0022661760449409485, 0.01638440228998661, 0.016570892184972763, -0.019887734204530716, 0.009264513850212097, -0.0036964809987694025, 0.017410092055797577, 0.010350147262215614, -0.03087727166712284, 0.012667939998209476, -0.02395053207874298, 0.005667937453836203, 0.05988965183496475, -0.0313035324215889, 0.02642817422747612, 0.009018081240355968, 0.002620838349685073, -0.03085063025355339, 0.01814272813498974, 0.014346342533826828, 0.02195243537425995, 0.011862040497362614, 0.00501855555921793, -0.006313989404588938, -0.006237395573407412, -0.03263559937477112, 0.033727891743183136, -0.028745967894792557, -0.013307332061231136, -0.033674608916044235, -0.007086587138473988, 0.02143292874097824, -0.017170321196317673, 0.014079929329454899, 0.002172931330278516, 0.0003515403368510306, 0.0156384464353323, 0.014932450838387012, 0.009357757866382599, -0.031783077865839005, -0.007266415748745203, 0.007832543924450874, 0.01169553305953741, 0.011156046763062477, 0.0034234076738357544, 0.012041869573295116, -0.014705999754369259, -0.021739304065704346, 0.012361565604805946, 0.0002959682315122336, 0.00015235495811793953, -0.00368982064537704, 0.06436539441347122, -0.0377240888774395, 0.022112281993031502, 0.0003862989251501858, 0.005970982369035482, -0.011389157734811306, 0.003936252556741238, 0.03695148974657059, 0.005464797839522362, -0.0006090035894885659, -0.02778688073158264, 0.014679359272122383, 0.014039967209100723, 0.08717034757137299, -0.017876315861940384, 0.024270229041576385, 0.0017783071380108595, -0.01036346796900034, 0.01581161469221115, 0.0003748514864128083, -0.019381549209356308, -0.005301619414240122, -0.0010256902314722538, -0.015332071110606194, 0.017130358144640923, -0.026907717809081078, -0.015265467576682568, -0.017769750207662582, 0.0016933879815042019, -0.02007422223687172, -0.0015143916243687272, -0.036791641265153885, -0.0034966713283210993, -0.004991914611309767, 0.01763654313981533, 0.011602288112044334, -0.062074240297079086, 0.03628545626997948, 0.018715515732765198, -0.01886204443871975, 0.022525222972035408, 0.002411038149148226, 0.05743865296244621, -0.03665843605995178, 0.04965939372777939, -0.02391057088971138, 0.017396772280335426, -0.030530935153365135, -0.010156997479498386, -0.011675551533699036, -0.017410092055797577, 0.013074220158159733, -0.00353330303914845, 0.013973364606499672, 0.03026452288031578, 0.029971467331051826, -0.038097064942121506, -0.023604195564985275, -0.02582874521613121, 0.027893446385860443, -0.029092304408550262, -0.04574311897158623, -0.017783069983124733, -0.012834448367357254, 0.03282208740711212, -0.0376175232231617, 0.003460039384663105, 0.007446244824677706, -0.02509610913693905, -0.016157951205968857, 0.022485261783003807, 0.015984782949090004, -0.016650814563035965, -0.0008034018683247268, 0.031223608180880547, -0.002482636598870158, 0.02084682136774063, 0.0019398200092837214, 0.004292580299079418, 0.03516652062535286, 0.007446244824677706, -0.03716462105512619, 0.013140823692083359, 0.024736450985074043, -0.02135300636291504, 0.005857756827026606, -0.019980978220701218, -0.0009341107215732336, -0.016544250771403313, 0.006766891572624445, 0.0013287350302562118, -0.018489064648747444, -0.023404385894536972, 0.0440114364027977, 0.00849191565066576, -0.03218269720673561, 0.012501432560384274, 0.01834253780543804, -0.001690890290774405, -0.025455767288804054, -0.04283921793103218, 0.015305429697036743, -0.0018715516198426485, -0.007779261097311974, -0.008252143859863281, 0.05301619693636894, -0.022844918072223663, 0.02839963138103485, -0.0015019035199657083, 0.039322566241025925, 4.904185334453359e-05, 0.02209896221756935, -0.009317796677350998, -0.00020605383906513453, 0.012075171805918217, 0.012381546199321747, -0.007446244824677706, -0.0015701719094067812, -0.02967841364443302, -0.014905810356140137, -0.002883921144530177, -0.015252146869897842, -0.019741207361221313, 0.0110628018155694, 0.002377736382186413, -0.008665083907544613, 0.004106090869754553, 0.001683397451415658, -0.005794483702629805, -0.00306874536909163, -0.021126555278897285, 0.005841106176376343, -0.0157716516405344, -0.01958135887980461, 0.050698403269052505, 0.009570889174938202, 0.03444720804691315, -0.01224834006279707, 0.008638443425297737, -0.006370602175593376, 0.017170321196317673, -0.008258804678916931, 0.014612755738198757, 0.014399625360965729, 0.008678404614329338, -0.02131304331123829, 0.026641305536031723, 0.008212181739509106, 0.04153379425406456, -0.011429119855165482, -0.0378839336335659, 0.04491724073886871, -0.0035499539226293564, -0.0282664243131876, 0.055733609944581985, -0.04006852209568024, 0.0005723717622458935, 0.029944825917482376, -0.033088501542806625, 0.03636538237333298, -0.019141778349876404, 0.044038075953722, 0.012960994616150856, 0.03649858757853508, 0.0125547144562006, 0.0012354905484244227, 0.020513804629445076, -0.01691722869873047, -0.015971461310982704, 0.039908673614263535, 0.0009033067617565393, 0.010250242426991463, 0.04896671697497368, 0.003609896870329976, -0.012235019356012344, -0.01643768511712551, -0.010569937527179718, 0.027920087799429893, -0.009257853031158447, 0.004186015110462904, 0.017769750207662582, -0.011222649365663528, -0.01355376373976469, 0.01756994053721428, -0.012068510986864567, 0.03279544785618782, -0.007725978270173073, -0.007785921450704336, 0.0251627117395401, 0.023537592962384224, -0.040041882544755936, -0.04014844447374344, -0.03857661038637161, -0.00789248663932085, 0.003663179464638233, 0.018462423235177994, 0.009510945528745651, 0.016504287719726562, -0.040627989917993546, 0.002337774494662881, -0.005634636152535677, 0.004349193070083857, -0.02776023931801319, 0.022858239710330963, -0.011229310184717178, 0.004445767495781183, 0.027280695736408234, -0.004472408909350634, 0.033061858266592026, -0.002732398919761181, 0.010783067904412746, 0.0023111330810934305, 0.05850430577993393, 0.007033304311335087, 0.002610847819596529, -0.026627983897924423, -0.006290677934885025, 0.022445298731327057, -0.001412821700796485, 0.0187821201980114, 0.01101617980748415, -0.003333493135869503, -0.02823978289961815, 0.0011455761268734932, -0.024296870455145836, -0.02702760323882103, 0.005005235318094492, 0.03577927127480507, 0.011708853766322136, 0.028452914208173752, -0.006653666030615568, -0.004995244555175304, -0.0034866807982325554, -0.01004377193748951, -0.007313038222491741, -0.0501922182738781, 0.0015102289617061615, 0.03732446953654289, 0.017183640971779823, 0.02452332153916359, -0.01824929378926754, 0.02339106611907482, 0.011575646698474884, 0.02713416889309883, 0.016863945871591568, 0.00676356116309762, -0.007313038222491741, 0.006900097709149122, -0.048114195466041565, 0.004808755591511726, -0.01230162288993597, -0.013733592815697193, 0.006840154994279146, -0.012488111853599548, -0.024989543482661247, -0.015904858708381653, -0.01763654313981533, 0.013360613957047462, -0.04473074898123741, 0.012934353202581406, 0.01630447804927826, 0.0007009993423707783, 0.012494771741330624, -0.010636541061103344, 0.0060808779671788216, 0.029891543090343475, 0.017303528264164925, 0.031117044389247894, -0.0030171277467161417, -0.042412955313920975, -0.0377240888774395, -0.02068697288632393, 0.00938439927995205, 0.014333021827042103, 0.03535301238298416, -0.036205533891916275, -0.009470983408391476, -3.5825269151246175e-05, -0.0566926971077919, -0.0018116086721420288, 0.012854429893195629, -0.007452905178070068, 0.014279738999903202, -0.005994293373078108, -0.007499527186155319, 0.008824932388961315, -0.03079734742641449, 0.018568988889455795, -0.01891532726585865, -0.006540440488606691, 0.016664136201143265, 0.011242630891501904, -0.0027690306305885315, 0.013060899451375008, 0.014639397151768208, 0.03631209954619408, -0.009184589609503746, 0.003343483665958047, 0.0009507615468464792, -0.00692007876932621, -0.002805662341415882, -0.015918180346488953, -0.012041869573295116, 0.001781637198291719, 0.002494292100891471, -0.010176978074014187, -0.011222649365663528, 0.0009174599545076489, -0.006170792039483786, 0.002249525161460042, 0.014479548670351505, 0.04989916458725929, 0.00032344210194423795, 0.012941014021635056, 0.01473264116793871, -0.026801152154803276, -0.0005336586618795991, 0.003663179464638233, 0.004748812410980463, -0.018542347475886345, -0.02829306572675705, -0.036844924092292786, 0.007193152327090502, -0.025628935545682907, 0.009950526989996433, -0.01166889164596796, 0.023484310135245323, 0.007113228552043438, 0.0283197071403265, -0.012514753267168999, -0.02271171286702156, 0.007499527186155319, 0.018102766945958138, 0.00322526297532022, 0.03841676190495491, -0.026721227914094925, -0.01575833186507225, 0.03338155522942543, -0.002416033297777176, 0.01258135586977005, -0.00048786887782625854, -0.004582304507493973, 0.014173174276947975, -0.005801144056022167, -0.021259760484099388, 0.012734543532133102, -0.010370127856731415, -0.0017533308127894998, -0.006347290705889463, 0.035512860864400864, 0.010423410683870316, -0.00970409531146288, -0.0377773717045784, -0.0031303532887250185, 0.0019348247442394495, 0.017956240102648735, 0.0032818757463246584, 0.003305186750367284, 0.0015002384316176176, 0.016131309792399406, -0.023444348946213722, 0.009557568468153477, -0.0024226936511695385, -0.007486206479370594, -0.014079929329454899, 0.017250245437026024, 0.027946729212999344, -0.008398671634495258, 0.013467179611325264, 0.025016184896230698, 0.020593728870153427, 0.00815223902463913, -0.012781165540218353, 0.009297815151512623, -0.022818276658654213, 0.0069933426566421986, 0.02773359790444374, -0.002219553804025054, -0.03631209954619408, 0.004026167094707489, 0.009877263568341732, 0.0029005720280110836, 0.03204948827624321, 0.001451118616387248, -0.01754329912364483, -0.02383064664900303, 0.07278404384851456, -0.01226832065731287, 0.019021891057491302, 0.013453858904540539, 0.032315902411937714, -0.029358718544244766, -0.0219257939606905, -0.018102766945958138, 0.0008899861131794751, 0.03647194430232048, -0.01703711412847042, 0.0377240888774395, -0.013120842166244984, 0.010816370137035847, -0.016211234033107758, 0.03276880457997322, -0.014466228894889355, 0.026135120540857315, -0.017130358144640923, 0.024030456319451332, 0.015372033230960369, 0.02641485445201397, 0.014359663240611553, 0.01951475627720356, -0.027307337149977684, -0.02509610913693905, 0.026694586500525475, 0.013653668574988842, -0.005707899574190378, -0.027333978563547134, -0.007539489306509495, -0.019141778349876404, 0.010516654700040817, 0.009557568468153477, -0.007386301644146442, -0.012714562937617302, -0.0002143792517017573, 0.015851575881242752, 0.010909614153206348, 0.00046039503649808466, 0.018595630303025246, 0.002850619610399008, 0.014026646502315998, 0.024976223707199097, 0.0016817323630675673, -0.0030953865498304367, 0.0004218900285195559, -0.008638443425297737, 0.015971461310982704, 0.024976223707199097, -0.02839963138103485, -0.010789728723466396, -0.0009724076371639967, 0.002689106622710824, 0.01040342915803194, -0.021233119070529938, -0.004612275864928961, 0.030051391571760178, 0.006517129018902779, -0.012514753267168999, -0.020393919199705124, -0.03026452288031578, -0.004166034050285816, -0.029811620712280273, 0.0377507284283638, 0.002312798285856843, -0.01641104370355606, -0.012734543532133102, -0.003371790051460266, -0.031143685802817345, -0.008245483972132206, -0.0019581359811127186, 0.016784021630883217, 0.007206473033875227, -0.021206477656960487, -0.002262845868244767, 0.026241684332489967, -0.015958141535520554, 0.028532836586236954, -0.0026807812973856926, 0.02068697288632393, 0.0031536645255982876, -0.0036831602919846773, 0.009244532324373722, -0.024323511868715286, 0.012907711789011955, 0.007779261097311974, -0.006463846657425165, -0.017796391621232033, -0.027333978563547134, -0.01768982596695423, 0.017410092055797577, 0.0003954568528570235, 0.029864901676774025, 0.015172222629189491, -0.02457660436630249, -0.00914462748914957, 0.02139296755194664, 0.016624175012111664, -0.00815889984369278, 0.0020863472018390894, -0.007446244824677706, 0.009630831889808178, 0.006640345323830843, -0.03828355669975281, -0.011582307517528534, -0.04827404394745827, -0.013986685313284397, 0.007612752728164196, 0.0005319935735315084, -0.035592783242464066, -0.010889633558690548, 0.014639397151768208, -0.016504287719726562, -0.027147488668560982, 0.027920087799429893, 0.0156384464353323, -0.03511323779821396, -0.008951478637754917, -0.013946723192930222, 0.012867750599980354, 0.038709815591573715, -0.0377773717045784, -0.012594676576554775, -0.004898670129477978, 0.010576598346233368, -0.013280690647661686, -0.0005702904309146106, -0.017463374882936478, 0.019994299858808517, -0.008052334189414978, 0.046275947242975235, 0.003015462774783373, 0.011808758601546288, -0.018822081387043, -0.012088491581380367, -0.0078125623986125, -0.015571842901408672, -0.001400333596393466, 0.017370130866765976, -0.03252903372049332, 0.008705046027898788, -0.016477646306157112, -0.006520459428429604, 0.007006663363426924, 0.04457090422511101, -0.03657850995659828, -0.004525691736489534, 0.016490967944264412, -0.0014036637730896473, -0.026907717809081078, 0.011828739196062088, 0.014293059706687927, 0.022791635245084763, -0.029332077130675316, -0.0375642403960228, 0.009937206283211708, 0.01541199441999197, -0.015025695785880089, 0.008238823153078556, -0.005384873598814011, -0.010969556868076324, -0.06026263162493706, 0.022884881123900414, -0.0094443429261446, 0.01200856827199459, 0.0035266426857560873, 0.03212941437959671, 0.013333972543478012, 0.001476094825193286, -0.016091348603367805, -0.023484310135245323, -0.012594676576554775, 0.012314942665398121, -0.0376175232231617, 0.025042826309800148, 0.0011305903317406774, 0.015238826163113117, -0.020340636372566223, -0.027254054322838783, 0.021779267117381096, -0.012201717123389244, 0.020980026572942734, -0.015025695785880089, -0.008538538590073586, 0.04334540292620659, -0.009530927054584026, -0.010010470636188984, 0.01473264116793871, 0.026881076395511627, 0.04947290197014809, -0.014919131062924862, -0.008645103313028812, 0.023191256448626518, 0.020420560613274574, -0.004169363994151354, -0.008358709514141083, 0.022818276658654213, 0.005121790803968906, -0.012841109186410904, 0.047501444816589355, 0.003856328781694174, -0.025668896734714508, 0.00039941142313182354, -0.03292865306138992, 0.024163663387298584, 0.01190200261771679, -0.015958141535520554, 0.007566130720078945, 0.006760231219232082, 0.004668888635933399, 0.018622271716594696, -0.0018332548206672072, 0.05493437126278877, 0.028532836586236954, -0.02461656555533409, -0.033035218715667725, -0.029278794303536415, 0.026081837713718414, -0.02383064664900303, 0.019901053979992867, -0.007592771667987108, -0.005951001308858395, -0.02452332153916359, 0.02967841364443302, -0.027214093133807182, 0.03388774022459984, 0.0007417938322760165, 0.012781165540218353, -0.014293059706687927, 0.042466238141059875, -0.04286585748195648, -0.02007422223687172, 0.008085636422038078, -0.0009898910066112876, 0.002102998085319996, -0.010203619487583637, 0.017130358144640923, -0.02195243537425995, -0.011255951598286629, -0.01001713052392006, -0.001620124327018857, -0.009770698845386505, -0.02839963138103485, -0.031783077865839005, -0.004279259592294693, 0.010536636225879192, -0.01755661889910698, -0.017396772280335426, 0.0188886858522892, 0.028186500072479248, 0.01132921501994133, 0.003343483665958047, -0.009690774604678154, 0.011082782410085201, -0.03649858757853508, 0.01581161469221115, -0.02885253354907036, 0.04164035990834236, 0.008851573802530766, -0.031889643520116806, -0.008458614349365234, 0.01009039394557476, 0.006793532520532608, -0.012741204351186752, 0.01768982596695423, 0.003839678131043911, -0.032315902411937714, -0.014945771545171738, 0.004302570596337318, -0.03351476043462753, 0.012681260704994202, 0.003420077497139573, -0.022178886458277702, 0.008951478637754917, 0.02391057088971138, 0.015225505456328392, -0.0027290687430649996, -0.007219793740659952, 0.008431972935795784, -0.005851096473634243, 0.016690777614712715, -0.012488111853599548, -0.045023806393146515, -0.03228926286101341, 0.018608951941132545, 0.0219257939606905, -0.0022761665750294924, 0.004545672796666622, -0.01507897861301899, -0.0031536645255982876, 0.03644530475139618, -0.0075594703666865826, -0.04046814143657684, 0.013134162873029709, -0.0031353484373539686, -0.020433880388736725, -0.03404758870601654, 0.016051385551691055, -0.016530929133296013, -0.019128456711769104, 0.0141864949837327, 0.03575263172388077, 0.03442056477069855, 0.012341584078967571, -0.010350147262215614, -0.0027740257792174816, -0.0022029029205441475, 0.003509991802275181, 0.006733589805662632, 0.009024742059409618, 0.010789728723466396, -0.00184491032268852, -0.011948625557124615, 0.03258231654763222, -0.006793532520532608, 0.010862992145121098, 0.007452905178070068, -0.01574501022696495, 0.017942918464541435, 0.007872505113482475, 0.004515700973570347, 0.03849668428301811, 0.0004724668979179114, 0.100331149995327, -0.036098968237638474, -0.02396385371685028, -0.04257280379533768, -0.01324072852730751, -0.051923904567956924, 0.03218269720673561, -0.006776881869882345, 0.0094110406935215, -0.021073272451758385, -0.001804948435164988, -0.005757851991802454, 0.01771646738052368, 0.012101812288165092, 0.01637108251452446, 0.010689823888242245, 0.0020630359649658203, -0.038070425391197205, -0.03665843605995178, 0.005491438787430525, 0.016837304458022118, 0.011495723389089108, 0.01543863583356142, 0.01475928258150816, -0.0377240888774395, -0.028719326481223106, 0.03351476043462753, 0.01410657074302435, -0.01546527724713087, 0.022898200899362564, -0.043158914893865585, -0.03250239044427872, 0.043132271617650986, -0.004628926515579224, -0.0027890116907656193, 0.005121790803968906, 0.0008346221293322742, -0.02710752747952938, -0.01319410651922226, 0.03316842392086983, -0.00914462748914957, 0.014959092251956463, -0.01040342915803194, -0.005581353325396776, -0.021619418635964394, 0.008598481304943562, -0.040548067539930344, 0.010316845029592514, 0.03316842392086983, 0.007959090173244476, -0.020353956148028374, -0.005864417180418968, -0.00813225843012333, 0.015292108990252018, -0.0010956237092614174, -0.026907717809081078, 0.03849668428301811, -0.028745967894792557, 0.019208380952477455, 0.011948625557124615, -0.002997146686539054, -0.02070029452443123, -0.016810663044452667, 0.013760234229266644, -0.007253095041960478], "3971ba22-57eb-45e7-9d42-5e47a94a33fa": [0.015734080225229263, 0.004598038271069527, 0.06265050917863846, 0.04530157521367073, 0.0005725218798033893, 0.021364623680710793, -0.0018863747827708721, 0.007206094451248646, 0.01774907112121582, 0.017105989158153534, 0.039985429495573044, -0.042129036039114, -0.019392503425478935, -0.021864797919988632, 0.05467628687620163, 0.0009664098033681512, 0.00654514878988266, 0.0012361471308395267, -0.09014584869146347, 0.028281331062316895, 0.02423705719411373, 0.07997085899114609, -0.032954394817352295, -0.02660931646823883, -0.014647985808551311, -0.02297947369515896, -0.04004259034991264, -0.014733729884028435, 0.0326685793697834, -0.04538732022047043, 0.011782696470618248, -0.04358668997883797, -0.020735831931233406, -0.01690591871738434, -0.003779894905164838, 0.04127159342169762, -0.009203222580254078, 0.047016460448503494, 0.03318304568529129, -0.0421004556119442, -0.004723082296550274, -0.04733085632324219, -0.012161401100456715, 0.00512322224676609, -0.011861295439302921, 0.02520882524549961, -0.009167495183646679, -0.03615551441907883, -0.013847704976797104, 0.04075712710618973, -0.034354884177446365, 0.04015691578388214, -0.028724342584609985, 0.02938171476125717, 0.060078177601099014, -0.007538353558629751, -0.019864097237586975, -0.009674815461039543, -0.011282521300017834, -0.02845281921327114, 0.02427992969751358, -0.0026169875636696815, -0.014133519493043423, 0.008810227736830711, 0.031010856851935387, 0.034326303750276566, -0.05001751333475113, 0.011454010382294655, -0.00515537615865469, 0.03206837177276611, -0.0008717337623238564, 0.07385443150997162, 0.06019250303506851, -0.00027264008531346917, 0.005248266272246838, -0.001595201320014894, 0.014862346462905407, 0.0067094918340444565, 0.02665218897163868, -0.028652889654040337, 0.041871801018714905, -0.04112868383526802, -0.029253099113702774, -0.008803081698715687, -0.0006587127572856843, 0.01969260908663273, -0.0936899483203888, -0.020249946042895317, -0.059106409549713135, -0.035755377262830734, -0.028767215088009834, 0.07837029546499252, -0.019049527123570442, 0.017063116654753685, 0.01351187378168106, -0.02843852899968624, -0.026737932115793228, 0.013118878938257694, -0.0017166724428534508, 0.006023537367582321, 0.01730605959892273, -0.05430472642183304, -0.0209787730127573, -0.013240349479019642, 0.014962381683290005, -0.0028706479351967573, -0.028738632798194885, 0.025080209597945213, 0.01862080581486225, 0.00011248357623117045, -0.07128209620714188, -0.022579334676265717, -0.04287215322256088, 0.03601260855793953, 0.05570521578192711, -0.018320700153708458, -0.015191032551229, -0.03841345012187958, 0.01095383521169424, -0.032982975244522095, -0.043672431260347366, -0.002697373041883111, -0.03446920961141586, 0.0044587040320038795, -0.01957828365266323, -0.005298283416777849, -0.027209525927901268, -0.02613772265613079, -0.04707362502813339, -0.012647285126149654, 0.002424062928184867, 0.008238598704338074, 0.013847704976797104, -0.039070822298526764, 0.0008645884227007627, -0.018063466995954514, 0.016562942415475845, -0.002909947419539094, -0.011061015538871288, -0.05564805492758751, -0.01774907112121582, -0.06979586184024811, 0.010360769927501678, 0.04395824670791626, 0.006602311506867409, -0.014033484272658825, -0.027009455487132072, -0.016662977635860443, -0.01959257386624813, -0.02202199585735798, -0.022322101518511772, 5.9898204199271277e-05, -0.0005470665055327117, 0.012211417779326439, 0.03444062918424606, -0.027266688644886017, -0.0030564272310584784, 0.0792848989367485, -0.024494290351867676, 0.017177442088723183, -0.030210576951503754, -0.03369751200079918, 0.014247845858335495, 0.005648406222462654, -0.022179193794727325, -0.017634745687246323, -0.018978072330355644, -0.052189700305461884, -0.05107502639293671, -0.02849569171667099, -0.018935201689600945, -0.04167173430323601, -0.037613168358802795, -0.02665218897163868, 0.010860945098102093, -0.020764412358403206, 0.021264588460326195, -0.03958528861403465, -0.0006904202746227384, -0.0468163900077343, 0.00183992984239012, 0.010618003085255623, 0.021707599982619286, -0.023451067507267, 0.010503677651286125, -0.04953162744641304, -0.02618059515953064, 0.02905302867293358, -0.017506128177046776, 0.03372609242796898, 0.02290802076458931, 0.004640910774469376, 0.00032868649577721953, -0.07905624806880951, -0.05730577930808067, -0.054476216435432434, 0.024079859256744385, -0.006155726499855518, -0.03864210098981857, -0.02250787988305092, 0.009496182203292847, -0.010082101449370384, 0.032468508929014206, 0.009460454806685448, -0.01596273109316826, -0.003862066427245736, 0.015605463646352291, -0.04855985939502716, 0.006609457079321146, -0.0007502626976929605, 0.04590178653597832, -0.01769190840423107, -0.0066344658844172955, 0.009546199813485146, -0.016548650339245796, 0.013204623013734818, -0.031039439141750336, 0.014212118461728096, -0.014197828248143196, -0.03226844221353531, 0.01421926449984312, 0.008581575937569141, -0.03215411305427551, 0.010425078682601452, 0.007531207986176014, 0.028810087591409683, 0.002647355431690812, 0.034383468329906464, 0.024965884163975716, -0.04270066320896149, 0.03141099587082863, 0.04018549621105194, -0.006798808928579092, -0.0163057092577219, 0.06813814491033554, -0.010275025852024555, 0.030267739668488503, 0.01053940411657095, -0.044587038457393646, -0.015805533155798912, 0.03304013982415199, 0.03632700443267822, 0.03884217143058777, 0.029324552044272423, -0.012454360723495483, 0.0043908231891691685, -0.018949491903185844, -0.05330437794327736, 0.03226844221353531, -0.05253267660737038, -0.019378213211894035, 0.03641274943947792, 0.003526234533637762, -0.03881358727812767, -0.0326399989426136, -0.07253967970609665, 0.018435025587677956, 0.04621618241071701, 0.01593415066599846, -0.012561541050672531, 0.039013657718896866, 0.005087495315819979, -0.025537513196468353, 0.031125182285904884, -0.024051276966929436, -0.009439018554985523, -0.0064058140851557255, -0.006345078814774752, -0.005087495315819979, -0.006452259141951799, 0.006584448274224997, 0.0652228370308876, 0.01970689930021763, 0.00367985968478024, -0.055362239480018616, -0.005998528562486172, -0.030925113707780838, -0.052018214017152786, -0.021593274548649788, 0.021293168887495995, -0.033869002014398575, 0.02610914036631584, -0.018549351021647453, 0.004823117051273584, 0.04855985939502716, -0.006005674134939909, 0.022164903581142426, -0.005559089127928019, 0.010632294230163097, 0.014690857380628586, 7.089535938575864e-05, -0.023250997066497803, -0.02190767042338848, -0.03469786420464516, 0.0035691068042069674, -0.032382767647504807, 0.002147180261090398, -0.016277126967906952, -0.006505849305540323, -0.001391558675095439, 0.010553695261478424, 0.04758809134364128, -0.012189982458949089, -0.05078921094536781, -0.005534080322831869, 0.009560490027070045, 0.028781505301594734, 0.03629842400550842, -0.005133940372616053, -0.043300874531269073, 0.012775901705026627, -0.02762395702302456, -0.04567313194274902, -0.013183186762034893, 0.029095901176333427, -0.04064280167222023, 0.021321751177310944, -0.006334360688924789, -0.0013290367787703872, -0.03955670818686485, -0.03032490238547325, -0.01909239962697029, -0.0026044833939522505, -0.00395495630800724, 0.007652679458260536, -0.04990318417549133, -0.004598038271069527, 0.009739124216139317, -0.024923011660575867, -0.02053576149046421, -0.041843220591545105, -0.038156215101480484, 0.031010856851935387, 0.02429421991109848, -0.03632700443267822, 0.053075727075338364, -0.0023579683620482683, -0.0014701575273647904, 0.02156469225883484, 0.046016111969947815, -0.012118528597056866, -0.028309911489486694, -0.0023418914061039686, -0.017134569585323334, -0.03169681131839752, -0.02805267833173275, -0.008510122075676918, 0.03452637419104576, -0.008074255660176277, 0.013361820951104164, -0.020307110622525215, 0.011632644571363926, -0.020650086924433708, 0.02479439601302147, -0.026723641902208328, 0.030382065102458, 0.023565392941236496, -0.06173590198159218, -0.08248601853847504, -0.009281821548938751, -0.06345078349113464, -0.00559481605887413, 0.02239355444908142, 0.029581785202026367, 0.02526598796248436, 0.010103537701070309, -0.060135338455438614, -0.048902835696935654, -0.03875642642378807, -0.03441204875707626, -0.021650437265634537, -0.023179544135928154, -0.019921259954571724, 0.012925954535603523, -0.031153764575719833, 0.011468300595879555, 0.027280980721116066, 0.060992781072854996, 0.013461856171488762, 0.044558458030223846, 0.06442255526781082, -0.022607915103435516, -0.011053870432078838, -0.009631943888962269, 0.06956721097230911, 0.03404048830270767, -0.026780804619193077, -0.03406907245516777, -0.014569386839866638, -0.01773478090763092, 0.03378325700759888, 0.002945674117654562, -0.011046724393963814, 0.01309744268655777, 0.018092049285769463, 0.02623775787651539, -0.037355937063694, 0.05699138343334198, 0.019563991576433182, -0.023593975231051445, -0.009646234102547169, -0.012597267515957355, -0.044644203037023544, 0.006720209959894419, -0.04593036696314812, 0.015133869834244251, -0.003245779313147068, -0.03861352056264877, 0.06888125836849213, -0.01305457018315792, -0.0010610857279971242, -0.035269491374492645, 0.029253099113702774, -0.02052147127687931, 0.03455495461821556, -0.02245071716606617, 0.018992364406585693, 0.05036048963665962, -0.013861996121704578, -0.03441204875707626, 0.003145744325593114, 0.014819473959505558, -0.011411137878894806, -0.05316146835684776, -0.054962098598480225, 0.017934851348400116, 0.005412609316408634, 0.010689456947147846, 0.0515323281288147, -0.06379376351833344, -0.03226844221353531, 0.030582135543227196, -0.009003152139484882, -0.023036636412143707, -0.006934570614248514, -0.006613029632717371, 0.03412623330950737, -0.003222556784749031, -0.02285085804760456, -0.014362171292304993, -0.03304013982415199, -0.0025669701863080263, -0.007788441143929958, -0.023079508915543556, 0.0164343249052763, -0.0051946756429970264, 0.016505779698491096, -0.01682017557322979, 0.04095719754695892, 0.010167845524847507, -0.012254290282726288, -0.008767355233430862, 0.07979936897754669, 0.05176097899675369, -0.05802031233906746, -0.0515609085559845, 0.024923011660575867, 0.003694150596857071, -0.027209525927901268, -0.024122731760144234, -0.011861295439302921, 0.026366373524069786, 0.055447984486818314, 0.0059127844870090485, 0.02843852899968624, 0.007716987747699022, -0.065394327044487, -0.002665218897163868, -0.009424728341400623, 0.02003558538854122, -0.024880139157176018, 0.011468300595879555, 0.018577933311462402, -0.027209525927901268, -0.018878037109971046, -0.02202199585735798, 0.04493001475930214, -0.005208966787904501, -0.03589828312397003, -0.013226059265434742, 0.021321751177310944, -0.03212553262710571, -0.05090353637933731, 0.0043908231891691685, 0.051132187247276306, 0.01829211786389351, 0.04910290613770485, 0.015405393205583096, -0.011854150332510471, 0.023250997066497803, -0.011375411413609982, -0.003015341470018029, 0.04261491820216179, -0.01729176752269268, -0.003526234533637762, -0.036212678998708725, -0.021864797919988632, -0.005641260650008917, -0.03692721575498581, 0.022765113040804863, -0.025480348616838455, -0.03301155939698219, 0.026837967336177826, 0.0058377580717206, 0.030010506510734558, 0.04493001475930214, 0.03838486596941948, 0.006841680966317654, -0.06487985700368881, -0.031096601858735085, 0.007438318338245153, 0.015605463646352291, 0.04075712710618973, 0.0049517336301505566, -0.0420432910323143, 0.030496390536427498, 0.0021418211981654167, 0.025580383837223053, -0.011654079891741276, 0.006148581393063068, -0.01357618160545826, 0.0016702276188880205, -0.002774185501039028, 0.013490437529981136, -0.022693660110235214, -0.009989211335778236, -0.017606163397431374, -0.044587038457393646, -0.0018756566569209099, -0.0007444570655934513, 0.03301155939698219, -0.01920672506093979, 0.03455495461821556, 0.01118248701095581, 0.01596273109316826, -0.010853799991309643, -0.019549701362848282, -0.033926162868738174, 0.015090998262166977, -0.01427642721682787, -0.0077384235337376595, -0.04312938451766968, 0.04633050784468651, -0.0017229246441274881, 0.012118528597056866, -0.010868091136217117, -0.0033476005773991346, -0.0005175919504836202, -0.01826353743672371, -0.02063579671084881, 0.02705232799053192, 0.03935663774609566, 0.008031383156776428, 0.03641274943947792, 0.0008730735280551016, -0.015162451192736626, 0.02892441302537918, 0.010110682807862759, 0.009874885901808739, -0.012911663390696049, -0.0059806653298437595, 0.019349630922079086, 0.024608615785837173, -0.0022293520160019398, -0.0021543256007134914, 0.08597295731306076, -0.019535411149263382, -0.011125323362648487, -0.010403642430901527, 0.021150263026356697, -0.006041401065886021, -0.018677968531847, -0.02989618107676506, -0.01143257413059473, 0.011511173099279404, 0.002824203111231327, -0.029667530208826065, -0.017406094819307327, 0.0075955162756145, 0.01380483340471983, -0.017963431775569916, -0.0010619789827615023, -0.00021726357226725668, 0.047045040875673294, -0.03707012161612511, 0.014076356776058674, 0.02938171476125717, -0.01736322231590748, 0.00014447022113017738, 0.0021096672862768173, 0.018863746896386147, -0.028367074206471443, 0.032439928501844406, 0.04112868383526802, 0.029138773679733276, -0.00419789832085371, -0.02147894911468029, -0.004176462069153786, 0.02056434191763401, -0.006902416702359915, 0.014662276022136211, -0.021064518019557, -0.017048826441168785, -0.04258633777499199, 0.005362591706216335, 0.006952434312552214, -0.0002945227606687695, -0.018992364406585693, 0.025008756667375565, 0.0006462084129452705, 0.030496390536427498, -0.022179193794727325, 0.03929947316646576, -0.03506942093372345, -0.023965533822774887, 0.01727747730910778, 0.005341155920177698, -0.005362591706216335, -0.01446220651268959, 0.06413674354553223, 0.017177442088723183, 0.0327257439494133, -0.00630935188382864, -0.019006654620170593, 0.002002486726269126, 0.008310052566230297, -0.009274675510823727, -0.06305064260959625, -0.045530226081609726, 0.02103593572974205, 0.027423886582255363, -0.028781505301594734, -0.003779894905164838, 0.0012709806906059384, -0.0009753414778970182, 0.04284357279539108, 0.0012200700584799051, 0.026437828317284584, 0.010332188569009304, -0.03889933228492737, 0.00026817424804903567, -0.03506942093372345, 0.008374360390007496, 0.004472994711250067, 0.029667530208826065, -0.016205674037337303, 0.0011459368979558349, 0.0025866199284791946, 0.01689162850379944, -0.04535873606801033, -0.008252889849245548, -0.01874942146241665, 0.05433330684900284, -0.032439928501844406, 0.02060721442103386, -0.015991313382983208, -0.011639789678156376, 0.0005050875479355454, -0.001931033213622868, 0.01077520102262497, -0.03841345012187958, -0.0021596846636384726, 0.0027813308406621218, -0.01499096304178238, -0.009903467260301113, 0.010660875588655472, 0.014848055317997932, -0.007781295571476221, 0.012711592949926853, 0.001595201320014894, -0.0749976858496666, 0.02946745976805687, -0.004687355365604162, 0.02006416767835617, -0.016991663724184036, -0.01148259174078703, 0.016191383823752403, -0.046501994132995605, 0.007516917306929827, 0.029295971617102623, -0.002913519972935319, -0.028824377804994583, -0.024994464591145515, 0.020707249641418457, 0.001872083987109363, -0.012897372245788574, 0.06402241438627243, 0.003331523621454835, 0.0001799737219698727, -0.019806934520602226, 0.00016166374552994967, -0.016648685559630394, 0.010632294230163097, -0.05061772093176842, 0.03938521817326546, 0.0515894889831543, 0.009710542857646942, 0.008431523106992245, 0.003994255792349577, -0.07905624806880951, -0.022807985544204712, -0.03592686355113983, 0.01727747730910778, -0.030096251517534256, -0.046902135014534, -0.006680910475552082, 0.014776602387428284, 0.04518724977970123, 0.012540104798972607, 0.012368615716695786, -0.0022722240537405014, 0.025923362001776695, -0.010918107815086842, 0.018477898091077805, -0.027366723865270615, 0.008031383156776428, -0.005180384963750839, -0.023565392941236496, 0.0016854115528985858, -0.006470122374594212, 0.02480868622660637, 0.06470836699008942, -0.02578045427799225, -0.002450858009979129, 0.00550907151773572, 0.0013513659359887242, -0.04155740514397621, 0.01031075231730938, -0.007284693419933319, 0.020792994648218155, -0.028338493779301643, -0.019964132457971573, -0.007248966488987207, -0.027866899967193604, -0.028238458558917046, 0.024480000138282776, -0.03924231231212616, 0.009889177046716213, -0.030382065102458, -0.011875586584210396, 0.00981772318482399, -0.016705848276615143, -0.005573379807174206, -0.01686304621398449, -0.0035083710681647062, -0.005326864775270224, 0.011546899564564228, -0.0008386864792555571, -0.014676567167043686, 0.010432223789393902, 0.010267880745232105, 0.013919158838689327, 0.005741295870393515, -0.01005352009087801, 0.016577232629060745, 0.012668721377849579, -0.005012469366192818, 0.016705848276615143, -0.036727145314216614, 0.011211068369448185, 0.005337582901120186, 0.07305414974689484, -0.048788510262966156, 0.0012307880679145455, 0.002270437777042389, -0.006291488651186228, -0.031582485884428024, -0.012961681000888348, 0.013469001278281212, -0.0039049386978149414, 0.025023046880960464, -0.006566584575921297, -0.012690157629549503, 0.01729176752269268, 0.05287565663456917, -0.027852607890963554, 0.01690591871738434, -0.011046724393963814, 0.02612343244254589, -0.004333660006523132, -0.023236706852912903, -0.01447649672627449, -0.029253099113702774, -0.002659859834238887, -0.02619488537311554, 0.008788791485130787, -0.028224166482686996, -0.018049176782369614, 0.004330087453126907, -0.025909071788191795, -0.01639145240187645, -0.022822275757789612, -0.03592686355113983, 0.018320700153708458, 0.013268931768834591, 0.010996706783771515, -0.00676308199763298, -0.07111061364412308, 0.013076006434857845, 0.002859929809346795, 0.0045801750384271145, 0.023022346198558807, 0.003490507835522294, 0.036212678998708725, -0.021393204107880592, 0.018677968531847, 0.005623397417366505, 0.05007467418909073, -0.030610717833042145, -0.019392503425478935, -0.007084623444825411, -0.0035619614645838737, 0.0034476355649530888, -0.0018774430500343442, 0.007724132854491472, 0.02385120838880539, 0.036612819880247116, -0.060078177601099014, -0.04767383262515068, -0.020907320082187653, 0.042357686907052994, -0.022322101518511772, -0.04527299478650093, -0.00321719772182405, -0.03646991029381752, 0.014154955744743347, -0.040414150804281235, 0.0031100173946470022, 0.003476217156276107, -0.00434080557897687, 0.006530858110636473, 0.008788791485130787, -0.015691207721829414, -0.01972118951380253, -0.017992014065384865, -0.0031028720550239086, -0.02377975359559059, 0.015048125758767128, 0.004047845955938101, 0.047959648072719574, 0.0003367250319570303, -0.0027634676080197096, -0.028638597577810287, 0.028124133124947548, -0.0014183537568897009, -0.020292818546295166, 0.0117112435400486, -0.03466928005218506, 0.0020185639150440693, 0.011389701627194881, 0.020364273339509964, -0.034755025058984756, -0.020878737792372704, -0.012568686157464981, 0.055905286222696304, -0.014112083241343498, -0.054361891001462936, 0.02578045427799225, 0.022136321291327477, -0.001736322185024619, -0.023208124563097954, -0.03163965046405792, 0.007788441143929958, -0.007338283583521843, 0.005894921254366636, 0.025623256340622902, 0.05810605734586716, -0.026080559939146042, -0.008238598704338074, 0.04858843982219696, 0.020221365615725517, 0.014376461505889893, 0.017934851348400116, 0.010860945098102093, -0.006620174739509821, 0.015319649130105972, 0.00178544654045254, 0.008838809095323086, 0.013397547416388988, -0.015062415972352028, 0.002002486726269126, 0.006859544664621353, -0.008996007032692432, -0.03041064739227295, -0.013497582636773586, 0.0061021363362669945, -0.01676301099359989, -0.01148259174078703, -0.0009949911618605256, -0.016634395346045494, -0.023579685017466545, -0.006584448274224997, 0.017091698944568634, -0.029581785202026367, -0.0021060945000499487, 0.056848473846912384, 0.0072453939355909824, 0.007745569106191397, -0.01071089319884777, 0.016105638816952705, 0.023736881092190742, 0.01967831887304783, -0.011125323362648487, 0.0008967425092123449, 0.00500532379373908, 0.018778003752231598, 0.004776672460138798, 0.016177091747522354, 0.0016032399144023657, 0.05041765049099922, 0.0070167421363294125, -0.04498717933893204, 0.059620872139930725, 0.03878500685095787, -0.017563292756676674, 0.05433330684900284, -0.039956845343112946, -0.004062136635184288, 0.027752574533224106, -0.006909561809152365, 0.05316146835684776, -0.03632700443267822, 0.04035698622465134, 0.022822275757789612, 0.0018149211537092924, 0.013633344322443008, -0.0022722240537405014, 0.016934501007199287, -0.00982486829161644, -0.02705232799053192, 0.003458353690803051, 0.017434675246477127, 0.02199341356754303, 0.04755950719118118, -0.010560840368270874, -0.052103955298662186, -0.0023383186198771, -0.012961681000888348, 0.012054220773279667, -0.021793344989418983, -0.014012048952281475, 0.006773800123482943, -0.00013453370775096118, 0.006863117218017578, 0.022622205317020416, -0.006838108412921429, -0.0013620840618386865, -0.006370087154209614, -0.03687005117535591, 0.03698437660932541, 0.030667880550026894, -0.02297947369515896, 0.013318948447704315, -0.039127983152866364, -0.009746269322931767, -0.015062415972352028, 0.0374702624976635, -0.002115026116371155, 0.01684875600039959, -0.012640140019357204, -0.004512294195592403, 0.01922101527452469, -0.013068861328065395, -0.024008406326174736, 0.009696251712739468, 0.009982066228985786, -0.03304013982415199, 0.008653029799461365, -0.010174990631639957, 0.01029646210372448, -0.002999264281243086, 0.020207075402140617, -0.006841680966317654, 0.03872784599661827, 0.02387978881597519, 0.01820637471973896, -0.005158949177712202, 0.0023811908904463053, 0.038127634674310684, 0.00327257439494133, 0.015105288475751877, 0.030696460977196693, 0.017891978845000267, 0.0040442729368805885, 0.0015040980651974678, -0.031954046338796616, -0.010625148192048073, 0.03824196010828018, 0.04613043740391731, -0.006012819241732359, 0.021278878673911095, -0.032525673508644104, -0.03089653141796589, 0.0010584063129499555, -0.006202171556651592, -0.0077384235337376595, -0.03549814224243164, -0.019492538645863533, 0.01816350221633911, 0.01583411544561386, 0.007781295571476221, -0.03183971717953682, 0.03635558485984802, -0.005151803605258465, -0.004297933541238308, 0.005283992737531662, 0.04287215322256088, -0.010282170958817005, 0.0257232915610075, -0.048416949808597565, 0.019463958218693733, -0.03695579618215561, -0.021650437265634537, -0.03918514773249626, -0.019906969740986824, -0.024151312187314034, 0.0007815236458554864, -0.018349280580878258, 0.020278528332710266, -0.027852607890963554, 0.023951243609189987, 0.024022696539759636, -0.02380833588540554, -0.010610857978463173, -0.01474802102893591, -0.008031383156776428, 0.0058663394302129745, 0.024108441546559334, 0.0005609106738120317, -0.028224166482686996, -0.0014514010399580002, -0.007152504287660122, 0.00957478117197752, -0.021578984335064888, 0.007566934917122126, 0.028238458558917046, -0.05756301060318947, 0.017120279371738434, 0.001789912348613143, -0.03461211919784546, -0.006019964814186096, -0.007098914124071598, -0.008467250503599644, 0.028624307364225388, 0.008431523106992245, 0.00029028020799160004, 0.014833765104413033, -0.021207425743341446, 0.017606163397431374, -0.013740524649620056, -0.02299376390874386, 0.005341155920177698, 0.008974570780992508, 0.03186830133199692, 0.011754115112125874, -0.009246094152331352, 0.02195054292678833, -0.011411137878894806, 0.02902444824576378, 0.003385113785043359, 0.02062150463461876, 0.005809176713228226, -0.007538353558629751, -0.004751663655042648, 0.008517268113791943, -0.008410087786614895, -0.03089653141796589, -0.021407494321465492, -0.010432223789393902, 0.0020471452735364437, 0.008367215283215046, 0.0018211733549833298, 0.01782052405178547, -0.016591522842645645, 0.017005953937768936, -0.012082802131772041, -0.02435138262808323, 0.016105638816952705, -0.00125133094843477, -0.009774850681424141, -0.029324552044272423, -0.027223818004131317, -0.023022346198558807, -0.01639145240187645, -0.02426563762128353, -0.005255411379039288, 0.0006002101581543684, 0.051275093108415604, 0.0093532744795084, 0.02149323932826519, -0.018906619399785995, -0.026780804619193077, 0.011311102658510208, 0.004680209793150425, 0.02669505961239338, 0.0209787730127573, -0.02749534137547016, -0.008481540717184544, 0.03969961404800415, -0.008974570780992508, 0.005566234700381756, 0.003567320294678211, 0.012211417779326439, 0.025637546554207802, 0.011939894407987595, -0.007091768551617861, 0.00367985968478024, -0.01909239962697029, 0.0034244132693856955, 0.004122871905565262, 0.018034886568784714, 0.011932749301195145, 0.001686304691247642, -0.009839159436523914, -0.02013562060892582, 0.008981715887784958, 0.011832714080810547, -0.02435138262808323, -0.00573772331699729, -0.01096098031848669, 0.02055005170404911, 0.002550892997533083, 0.001722031505778432, 0.002524097915738821, 0.007559789810329676, -0.016005603596568108, 0.015162451192736626, -0.002786689903587103, -0.009431873448193073, 0.017977721989154816, -0.01095383521169424, -0.015148160979151726, -0.01126108504831791, -0.0076169525273144245, 0.011839859187602997, -0.014176391996443272, -0.01969260908663273, 0.006845253519713879, -0.002695586532354355, -0.022779403254389763, -0.005694850813597441, 0.005198248662054539, -0.016548650339245796, 0.02855285443365574, 0.0029206653125584126, -0.006784518249332905, -0.029110191389918327, 0.07774150371551514, -0.032525673508644104, 0.009846304543316364, 0.021679019555449486, 0.021736182272434235, -0.02659502625465393, 0.004701646044850349, 0.012740174308419228, 0.0019524693489074707, 0.009017443284392357, -0.000494369538500905, 0.03495509549975395, -0.04110010340809822, 0.027709702029824257, -0.021607564762234688, 0.012975971214473248, -0.016934501007199287, 0.022536462172865868, -0.033383116126060486, 0.018978072330355644, 0.007752714212983847, 0.03695579618215561, -0.0004092950839549303, -0.005198248662054539, -0.02806696854531765, -0.023165253922343254, 0.005294710863381624, 0.01583411544561386, 0.005741295870393515, -0.005016041919589043, -0.00029385287780314684, -0.01239005196839571, 0.021164553239941597, -0.018463607877492905, -0.01584840565919876, -0.022307809442281723, 0.03415481373667717, 0.00027264008531346917, -0.001323677715845406, -0.0027491766959428787, -0.012911663390696049, 0.013083151541650295, 0.02145036682486534, -0.008724482730031013, -0.020850157365202904, 0.0012745533604174852, -0.021236006170511246, -0.023265289142727852, 0.02469436079263687, -0.0017934850184246898, 0.016277126967906952, -0.013268931768834591, -0.0027259544003754854, -0.002061435952782631, 0.0034547809045761824, -0.030153414234519005, 0.00512322224676609, 0.01168266125023365, 0.017620455473661423, 0.009174640290439129, -0.04441555216908455, -0.005401891190558672, -0.0037155866157263517, -0.018606513738632202, 0.028238458558917046, -0.006573730148375034, -0.020249946042895317, 0.006087845657020807, -0.017448965460062027, -0.020735831931233406, -0.006534430664032698, 0.004898143466562033, 0.01474802102893591, -0.02522311732172966, -0.025094499811530113, -0.008988860994577408, 0.008088545873761177, -0.01356903649866581, -0.005176812410354614, 0.018049176782369614, 0.019506828859448433, 0.007045323960483074, -0.00134154106490314, 0.017620455473661423, -0.023279579356312752, -0.010460805147886276, 0.0034422765020281076, -0.0014371102442964911, 0.004015691578388214, -0.028209876269102097, -0.009081751108169556, 0.002947460627183318, 0.024208474904298782, 0.01639145240187645, -0.0015559018356725574, 0.004930297378450632, -0.025937652215361595, 0.002222206676378846, -0.0016711207572370768, -0.021578984335064888, 0.018978072330355644, 0.002497302833944559, 0.02153611183166504, 0.015262486413121223, -0.021679019555449486, 0.004262206610292196, -0.04387250170111656, -0.015619754791259766, -0.009074606001377106, 0.00886739045381546, -0.02472294121980667, -0.028695760294795036, 0.0009297897922806442, -0.013733379542827606, -0.01726318709552288, 0.013962031342089176, 0.0164200346916914, -0.016577232629060745, 0.016548650339245796, 0.022336391732096672, 0.009174640290439129, 0.03552672266960144, -0.04441555216908455, 0.0014299649046733975, 0.011389701627194881, 0.017992014065384865, 0.006984588224440813, 0.009939193725585938, 0.0022079157643020153, 0.00911033246666193, 0.014505078084766865, 0.05850619822740555, 0.0006872941739857197, 0.0009556917357258499, -0.012118528597056866, 0.006666619796305895, 0.028367074206471443, -0.04452987760305405, 0.0021007354371249676, -0.016248546540737152, -0.017448965460062027, 0.04918865114450455, -0.02099306508898735, 0.0029438878409564495, 0.0117112435400486, 0.02952462248504162, -0.028324201703071594, -0.03778465837240219, 0.04284357279539108, 0.017034536227583885, 0.002579474588856101, 0.029553204774856567, 0.008910262025892735, 0.004701646044850349, -0.06305064260959625, -0.044644203037023544, 0.027952643111348152, -0.0026527144946157932, -0.02525169774889946, 0.016134221106767654, -0.006480840500444174, -0.011932749301195145, -0.04907432571053505, 0.037155866622924805, -0.028795795515179634, -0.03235418349504471, 0.0280955508351326, 0.015762660652399063, 0.021107390522956848, 0.01476231124252081, -0.0009673029417172074, -0.029195936396718025, -0.014590823091566563, 0.019921259954571724, -0.02003558538854122, 0.017020244151353836, -3.8936621422180906e-05, 0.01827782765030861, -0.009067459963262081, -0.014312153682112694, 0.01676301099359989, -0.015391102991998196, 0.023679718375205994, -0.0328972302377224, 0.0030921539291739464, 0.031496740877628326, -0.023236706852912903, -0.012454360723495483, 0.005055341403931379, 0.04155740514397621, 0.00047025392996147275, -0.03083936870098114, -0.004430122673511505, 0.017077406868338585, 0.01814921200275421, -0.0021954115945845842, -0.0019864097703248262, 0.021650437265634537, -0.0023865499533712864, 0.010453660041093826, 0.057677336037158966, -0.0031618212815374136, -0.02472294121980667, -0.02192196063697338, -0.013240349479019642, 0.002402626909315586, 0.0031653940677642822, -0.04290073364973068, 0.010610857978463173, 0.0076240976341068745, 0.0023311732802540064, 0.009081751108169556, 0.027895480394363403, 0.039070822298526764, 0.024880139157176018, -0.013433274812996387, -0.00137726787943393, 0.0026509282179176807, 0.004548020660877228, -0.003997828345745802, -0.0006823817384429276, 0.008853099308907986, 0.020007004961371422, -0.042329106479883194, 0.052075374871492386, -0.04067138209939003, 0.04158598929643631, 0.014033484272658825, 0.009510472416877747, -0.008495831862092018, 0.03315446525812149, -0.027766864746809006, -0.01583411544561386, 0.0027045183815062046, -7.848729728721082e-05, -0.017849106341600418, -0.030725043267011642, 0.006541575770825148, -0.0104822413995862, -0.008803081698715687, -0.030582135543227196, 0.003979964647442102, 0.0018050962826237082, -0.012232854031026363, -0.004665919113904238, -0.003937092609703541, 6.531304825330153e-05, -0.004908861592411995, 0.004226479679346085, 0.04996034875512123, -0.011975621804594994, 0.013897722586989403, -0.012225708924233913, -0.01142542902380228, 0.006377232726663351, -0.01727747730910778, 0.0009842731524258852, -0.023979824036359787, 0.029110191389918327, -0.006241471040993929, -0.02153611183166504, 0.002474080538377166, 0.027395306155085564, 0.0007783975452184677, 0.03141099587082863, 0.005580525379627943, 0.021850507706403732, -0.040471311658620834, -0.04015691578388214, 0.0045837475918233395, -0.012068510986864567, 0.0279669351875782, 0.031068019568920135, 0.007273975294083357, 0.028910120949149132, 0.02892441302537918, 0.013268931768834591, -0.0009530122042633593, 0.003862066427245736, -0.004823117051273584, -0.01816350221633911, 0.010417933575809002, -0.014612258411943913, -0.005659124348312616, -0.025466058403253555, 0.019806934520602226, 0.015462556853890419, -0.013533310033380985, 0.00040304288268089294, -0.0025866199284791946, -0.006177162751555443, 0.038156215101480484, -0.0017997372196987271, -0.01917814277112484, -0.009031733497977257, 0.0020417862106114626, 0.005101785995066166, -0.011089596897363663, 0.0018113484838977456, -0.007395446300506592, -0.029195936396718025, 0.0027080909349024296, 0.032525673508644104, 0.021779052913188934, 0.019949842244386673, 0.0073132747784256935, -0.025809036567807198, 0.030953694134950638, -0.002733099739998579, 0.007852748967707157, -0.002252574311569333, 0.015219613909721375, 0.011789842508733273, 0.013876287266612053, 0.023150961846113205, 0.0210788082331419, -0.008410087786614895, 0.015090998262166977, 0.004447985906153917, 0.019463958218693733, -0.00491243414580822, 0.006069982424378395, 0.028281331062316895, 0.009867740795016289, 0.06024966388940811, -0.02189338020980358, -0.02752392180263996, -0.03464069962501526, -0.013318948447704315, -0.05564805492758751, 0.02989618107676506, 0.013011698611080647, 0.03818479925394058, -0.023079508915543556, 0.0163057092577219, -0.003979964647442102, 0.0128687908872962, 6.308012234512717e-05, -0.006609457079321146, 0.0006198599003255367, -0.004012119024991989, -0.015048125758767128, 0.012304307892918587, 0.006177162751555443, 0.001758651458658278, 0.009674815461039543, 0.010653729550540447, -0.0033011557534337044, -0.03309730067849159, -0.016234254464507103, 0.001137005165219307, 0.026737932115793228, -0.02056434191763401, 0.02658073417842388, -0.016591522842645645, -0.018792293965816498, 0.036669980734586716, 0.019563991576433182, 0.005634115543216467, -0.003740595420822501, -0.015262486413121223, -0.03789898380637169, 0.019063817337155342, 0.02202199585735798, -0.019964132457971573, 0.0038442029617726803, -0.054390471428632736, -0.003243992803618312, 0.0059127844870090485, 0.005630542524158955, -0.018878037109971046, 0.018406445160508156, 0.012082802131772041, 0.020335691049695015, -0.0034154814202338457, -0.004469422157853842, 0.017634745687246323, -0.009646234102547169, -0.005887775681912899, -0.04770241677761078, 0.049360137432813644, -0.01423355471342802, 0.008888826705515385, 0.006459404248744249, 0.02329386956989765, -0.019278177991509438, -0.03178255632519722, 0.021850507706403732, -0.0117112435400486], "138b76dd-e345-4d31-a006-e48048a69469": [0.008080537430942059, 0.019498687237501144, 0.058788836002349854, 0.04564332589507103, 0.010151906870305538, 0.005438260268419981, 0.024607578292489052, 0.02819404937326908, 0.009800579398870468, 0.04382813349366188, 0.03548409789800644, -0.030946115031838417, -0.01796162873506546, -0.005551709793508053, 0.020962553098797798, 0.0009322992991656065, 0.01914736069738865, 0.014528864994645119, -0.07629666477441788, 0.04535055160522461, 0.012186679989099503, 0.039348702877759933, -0.006382453255355358, 0.007407159078866243, -0.016058603301644325, 0.02043556235730648, -0.023904923349618912, -0.022675275802612305, 0.02860393188893795, -0.05773485451936722, 0.025339510291814804, -0.04385741055011749, 0.0061884913593530655, -0.031765881925821304, 0.01888386346399784, 0.023290099576115608, 0.019352301955223083, 0.022484973073005676, 0.03264420107007027, -0.01900097355246544, -0.025251679122447968, -0.012633158825337887, -0.01482163742184639, -0.0061555542051792145, -0.014726486057043076, 0.025954334065318108, -0.013482200913131237, -0.021709125488996506, -0.01924983039498329, 0.021343158558011055, -0.05750063434243202, 0.03548409789800644, -0.026730183511972427, 0.022631360217928886, -0.00729004992172122, -0.025324871763586998, -0.013277259655296803, -0.0010045776143670082, -0.03015562891960144, 0.0054346006363630295, 0.0382947213947773, -0.02033309079706669, -0.004523344337940216, 0.03469360992312431, 0.022265393286943436, -0.000635866541415453, -0.010422722436487675, 0.0016084221424534917, 0.0029826259706169367, 0.055304836481809616, 0.02069905772805214, 0.04353535920381546, 0.06798191368579865, -0.01718578115105629, -0.00026646925834938884, 0.012172041460871696, 0.01965971291065216, 0.023553594946861267, 0.028925981372594833, -0.04496994614601135, 0.03662591427564621, 0.004874671809375286, -0.0353962667286396, 0.0017090629553422332, -0.006276322994381189, 0.04139811545610428, -0.11183932423591614, -0.04482356086373329, -0.03721145913004875, -0.052025776356458664, 0.002025623805820942, 0.07629666477441788, -0.0015873791417106986, 0.014565461315214634, 0.03448867052793503, -0.01706867106258869, -0.004182995762676001, 0.017346804961562157, 0.009910369291901588, 0.030682619661092758, 0.005738352425396442, -0.04335969313979149, -0.017171142622828484, -0.016541680321097374, 0.008087856695055962, -0.024622216820716858, -0.028398990631103516, 0.02937977947294712, 0.03729929029941559, -0.010737452656030655, -0.07858029752969742, -0.033581074327230453, -0.06686937063932419, 0.032468535006046295, 0.015443780459463596, -0.018561813980340958, -0.015897579491138458, -0.04819045215845108, 0.028589291498064995, -0.03568904101848602, -0.03905592858791351, 0.008161050267517567, -0.012355023995041847, 0.007275411393493414, -0.027491392567753792, -0.0005452898913063109, -0.028764955699443817, -0.012450175359845161, -0.06528840214014053, -0.011008268222212791, 0.015941495075821877, 0.020757611840963364, 0.034869275987148285, -0.006506882142275572, -0.014594738371670246, -0.011396192945539951, 0.009734705090522766, -0.0016020177863538265, 0.006045764312148094, -0.051352400332689285, -0.0545436255633831, -0.06599105149507523, 0.0031308422330766916, 0.042042214423418045, -0.008505058474838734, -0.04464789479970932, -0.0074949911795556545, 0.013928679749369621, -0.017463915050029755, 0.009763982146978378, -0.009822537191212177, -0.0013796931598335505, 0.02188478782773018, 0.013570033013820648, 0.05325542390346527, -0.029657913371920586, 0.019791461527347565, 0.09087676554918289, -0.028545375913381577, 0.0034711910411715508, -0.029145561158657074, -0.03185371309518814, 0.01168164610862732, 0.01895705796778202, -0.0039414577186107635, -0.0049991006962955, 0.009661512449383736, -0.056475929915905, -0.0589059442281723, -0.05214288830757141, -0.03164876997470856, -0.05225999653339386, -0.03700651973485947, -0.012113486416637897, -0.007165621500462294, 0.0027904934249818325, 0.022338585928082466, -0.035308435559272766, 0.00016285503807011992, -0.045409105718135834, -0.009075965732336044, 0.0006976233562454581, 0.009859133511781693, -0.042042214423418045, -0.016585595905780792, -0.040519796311855316, -0.011871948838233948, 0.017434637993574142, -0.03507421538233757, 0.014236091636121273, 0.0035297456197440624, 0.02150418423116207, -0.011337637901306152, -0.09977707266807556, -0.027710972353816032, -0.06517128646373749, 0.01193782314658165, -0.0292041152715683, -0.043037645518779755, 0.012237914837896824, -0.001131750992499292, -0.03574759513139725, 0.05340181291103363, -0.027066871523857117, -0.015516974031925201, -0.014170217327773571, 0.018752116709947586, -0.03267347812652588, -0.02457830123603344, -0.017493192106485367, 0.04005135968327522, -0.005390684586018324, -0.008329394273459911, 0.032468535006046295, 0.007187579292804003, 0.025266317650675774, -0.037562787532806396, -0.007970747537910938, -0.0007795083802193403, -0.009771302342414856, -0.03609892353415489, 0.033317577093839645, 0.015048536472022533, -0.022675275802612305, 0.0076706549152731895, 0.030184905976057053, 0.013811570592224598, 0.033727459609508514, 0.03568904101848602, -0.01029097381979227, 0.01948404870927334, 0.046580199152231216, 0.0046477727591991425, -0.028150131925940514, 0.08625095337629318, -0.02280702441930771, 0.06528840214014053, 0.01597077213227749, -0.05085468664765358, -0.017903074622154236, -0.01097899116575718, 0.051352400332689285, 0.03536698967218399, 0.03194154426455498, 0.016351377591490746, -0.007447415497153997, -0.02790127508342266, -0.04704863578081131, 0.004874671809375286, -0.04892238229513168, -0.0012049442157149315, 0.015063175931572914, 0.031238889321684837, -0.044442955404520035, -0.01408238522708416, -0.048658888787031174, 0.01973290555179119, 0.02247033454477787, 0.004614836070686579, -0.017859159037470818, 0.05805690214037895, -0.0034675311762839556, -0.032205041497945786, -0.009617595933377743, 0.010027478449046612, 0.016453847289085388, 0.0225435271859169, 0.01485823467373848, -0.011513302102684975, -0.030741173774003983, -0.015385226346552372, 0.05047408118844032, 0.01837151125073433, -0.0036065985914319754, -0.055158451199531555, 0.012713671661913395, -0.014433713629841805, -0.04590681940317154, -0.014682570472359657, 0.022792385891079903, -0.013035722076892853, 0.04622887074947357, -0.018913142383098602, 0.020977191627025604, 0.04385741055011749, 0.011703603900969028, 0.01840078830718994, 0.009105242788791656, -0.02128460444509983, 0.040227022022008896, 0.02247033454477787, -0.0460532084107399, -0.03308336064219475, 0.010935074649751186, 0.01684909127652645, -0.014236091636121273, 0.0017795114545151591, -0.0024172079283744097, -0.010159226134419441, 0.004409894812852144, 0.008117133751511574, 0.04505777731537819, -0.036830853670835495, -0.05521700531244278, -0.002856367500498891, 8.348607661901042e-05, 0.05750063434243202, 0.05196722224354744, 0.03647952526807785, -0.04933226481080055, -0.02465149387717247, -0.0322343185544014, 0.008775873109698296, -0.01168164610862732, 0.007502310443669558, -0.031209612265229225, 0.039377979934215546, 0.00021271794685162604, -0.0015196753665804863, -0.007838999852538109, -0.04420873522758484, -0.03279058635234833, -0.007634058129042387, -0.008256200700998306, -0.011000948958098888, -0.062067896127700806, -0.007238814607262611, 0.035864703357219696, -0.02741819992661476, -0.03264420107007027, -0.051762282848358154, -0.06200934201478958, 0.02438799850642681, 0.01621962897479534, -0.020494116470217705, 0.036684468388557434, 0.003985373768955469, 0.012896654196083546, -0.0011372404405847192, 0.04792695492506027, -0.0007776785059832036, -0.03729929029941559, -0.006631310563534498, 0.01127176359295845, -0.03153166174888611, -0.018488621339201927, -0.015985410660505295, 0.02198725938796997, -0.014572780579328537, 0.00625436520203948, -0.0226606372743845, 0.021826233714818954, -0.03691868856549263, 0.015736553817987442, -0.019279107451438904, 0.023187628015875816, 0.025661561638116837, -0.045848265290260315, -0.06663515418767929, 9.909683285513893e-05, -0.027813443914055824, 0.0010082373628392816, 0.05196722224354744, 0.01337973028421402, 0.036567360162734985, 0.004281806293874979, -0.05694436654448509, -0.04087112471461296, -0.040373411029577255, -0.04391596466302872, -0.03384456783533096, -0.029335863888263702, -0.004080525133758783, -0.008636806160211563, -0.05003492161631584, 0.010027478449046612, 0.010971671901643276, 0.04535055160522461, 0.0039414577186107635, 0.06142379343509674, 0.08068826049566269, -0.013935999013483524, 0.009229672141373158, -0.019747544080018997, 0.06651804596185684, 0.039231594651937485, -0.011498663574457169, -0.0346643328666687, -0.03849966078996658, 0.0160000491887331, 0.03580614924430847, 0.012581923976540565, -0.004267167765647173, -0.02331937663257122, 0.017083309590816498, 0.005463877692818642, -0.06599105149507523, 0.051469508558511734, 0.03890954330563545, -0.012296469882130623, -0.012376982718706131, -0.01130836084485054, -0.032205041497945786, 0.043301139026880264, -0.014755764044821262, 0.0065727559849619865, -0.006419050041586161, -0.01204761303961277, 0.05126456916332245, -0.016248906031250954, 0.009251629933714867, -0.044296570122241974, 0.047839123755693436, -0.026510603725910187, 0.05653448402881622, -0.03776772692799568, 0.02380245178937912, 0.0627705529332161, 0.008204965852200985, -0.04450150951743126, -0.024256249889731407, 0.011015587486326694, -0.03308336064219475, -0.04371102154254913, -0.045848265290260315, -0.025324871763586998, -0.0006871018558740616, -0.004783180542290211, 0.0664009377360344, -0.08197646588087082, -0.0450870543718338, 0.03267347812652588, -0.0011143676238134503, 0.006682545877993107, -0.03800194710493088, -0.02043556235730648, 0.017537107691168785, -0.014543503522872925, 0.010466638021171093, -0.025046737864613533, -0.0178152434527874, -0.002757556503638625, 0.0026916826609522104, -0.022924132645130157, 0.03249781206250191, -0.024783242493867874, 0.005079613067209721, -0.025807948783040047, 0.03524988144636154, 0.01948404870927334, -0.021738402545452118, -0.01903025060892105, 0.054192300885915756, 0.010583747178316116, -0.06534695625305176, -0.048541776835918427, 0.002715470502153039, -0.02564692310988903, -0.04040268808603287, -0.014909469522535801, -0.03914376348257065, 0.03650880604982376, 0.04142739251255989, 0.018137292936444283, 0.04046124219894409, 0.018503259867429733, -0.08109814673662186, -0.020713696256279945, 0.011959780938923359, -0.008695361204445362, -0.031355999410152435, -0.004607516340911388, 0.034166619181632996, -0.013914041221141815, -0.030653342604637146, -0.02716934308409691, 0.07061687111854553, 0.0010018328903242946, -0.018283680081367493, -0.026803376153111458, 0.011959780938923359, -0.021650569513440132, -0.05155733972787857, 0.02343648672103882, 0.04792695492506027, 0.0477512925863266, 0.03653808310627937, 0.009917688556015491, -0.029438333585858345, 0.03519132733345032, -0.03595253452658653, -0.004684369545429945, 0.019161999225616455, -0.018166569992899895, 0.021679846569895744, -0.030243460088968277, 0.004256188869476318, -0.03706507384777069, -0.03718218207359314, 0.004215932451188564, 0.0039670756086707115, -0.02365606650710106, -0.0008078707614913583, 0.04069545865058899, 0.03328830003738403, 0.044560063630342484, 0.039377979934215546, 0.010166545398533344, -0.03624530881643295, -0.036157477647066116, -0.002814281266182661, 0.00494420574977994, 0.001019216375425458, -0.006327558308839798, -0.05000564455986023, 0.015868302434682846, 0.018430065363645554, 0.04043196514248848, -0.010532512329518795, -0.0021134556736797094, -0.030946115031838417, 0.007560865022242069, -0.010803326964378357, 0.021928705275058746, -0.03691868856549263, -0.018796032294631004, -0.02487107366323471, -0.041046787053346634, 0.0023842707742005587, -0.010737452656030655, 0.026217829436063766, -0.012486772611737251, 0.026188552379608154, 0.00982985645532608, -0.008914940990507603, -0.00925894919782877, -0.025412704795598984, -0.027301089838147163, 0.010964352637529373, -0.022821662947535515, 0.009903050027787685, -0.03577687218785286, 0.0304191242903471, 0.007183919660747051, 0.013182108290493488, -0.016570957377552986, -0.008095175959169865, -0.01851789839565754, -0.00044716516276821494, -0.009515125304460526, 0.02937977947294712, 0.0073193274438381195, 0.03788483887910843, 0.0003284548001829535, 0.02339256927371025, 0.005749331787228584, 0.009683470241725445, 0.006159213837236166, 0.00947852898389101, -0.008922260254621506, 0.0037474955897778273, 0.01365786511451006, 0.029248030856251717, -0.0064995624125003815, 0.004966163542121649, 0.05884739011526108, 0.012786864303052425, -0.00529553322121501, 0.004505045711994171, 0.04292053356766701, -0.006247045937925577, -0.015941495075821877, -0.02295340970158577, 0.017976267263293266, 0.015736553817987442, -0.001019216375425458, -0.03738712519407272, 0.011762158945202827, 0.018356872722506523, 0.014631335623562336, -0.01094239391386509, -0.03674302250146866, -0.0014867383288219571, 0.045174889266490936, -0.04687297344207764, -0.0050393566489219666, 0.016029326245188713, 0.010525193065404892, 0.024783242493867874, 0.03156093880534172, 0.03311263769865036, -0.018869224935770035, 0.03071189671754837, 0.007509629707783461, 0.02978966198861599, -0.006880167406052351, -0.025032099336385727, 0.014214133843779564, 0.012845419347286224, -0.012076890096068382, 0.01692228391766548, -0.015765830874443054, 0.006269003730267286, -0.021709125488996506, 0.007436436600983143, -0.0176981333643198, 0.01718578115105629, 0.01007139403373003, 0.021050386130809784, -0.004794159438461065, 0.0161171592772007, -0.017800603061914444, 0.029248030856251717, -0.010064074769616127, -0.01796162873506546, 0.04040268808603287, 0.015048536472022533, 0.007612100336700678, 0.0004286381008569151, 0.043593913316726685, 0.02247033454477787, 0.01873747818171978, -0.01239894051104784, 0.014521545730531216, 0.00600550789386034, 0.03044840134680271, -0.014140940271317959, -0.047956231981515884, -0.052201442420482635, -0.011776797473430634, 0.0054346006363630295, -0.018312957137823105, 0.007209537550806999, 0.00039570112130604684, 0.011022906750440598, 0.03691868856549263, -0.010913116857409477, 0.037416402250528336, -0.018971696496009827, -0.008856385946273804, 0.001682530390098691, -0.012984486296772957, 0.012340385466814041, 0.012501411139965057, 0.008197646588087082, -0.019059527665376663, -0.013035722076892853, -0.009683470241725445, -0.00472096586599946, -0.022426418960094452, 0.024680770933628082, -0.017434637993574142, 0.04898093640804291, -0.01585366204380989, 0.01759566366672516, -0.011147335171699524, 0.01275026798248291, 0.03281986340880394, -0.004988121334463358, 0.02768169529736042, -0.03958292305469513, -0.0032168442849069834, 0.02213364653289318, -0.0026971721090376377, -0.008988133631646633, 0.025895779952406883, 0.023114435374736786, -0.00988841149955988, 0.0008989048656076193, 0.008373310789465904, -0.059110887348651886, 0.01460205763578415, 0.0013842678163200617, -0.005101571325212717, -0.006766717880964279, -0.00898081436753273, 0.027286451309919357, -0.06353176385164261, -0.010378805920481682, 0.04221788048744202, 0.0012369663454592228, -0.011637730523943901, -0.04350608214735985, 0.020274536684155464, 0.0063385372050106525, 0.0037035795394331217, 0.0724906176328659, 0.009075965732336044, 0.0009789600735530257, 0.002695342293009162, -0.013899402692914009, 0.01485823467373848, -0.002750237239524722, -0.019835377112030983, 0.014806998893618584, 0.040373411029577255, -0.0006619416526518762, 0.006960680242627859, 0.008658763952553272, -0.08625095337629318, -0.0027410881593823433, 0.0037438359577208757, 0.02346576377749443, -0.027432838454842567, -0.04496994614601135, -0.018137292936444283, 0.0008284563664346933, 0.026437409222126007, 0.023919561877846718, 0.012596562504768372, -0.008146410807967186, 0.021782318130135536, -0.015355948358774185, 0.018766755238175392, -0.018239762634038925, 0.03156093880534172, -0.011674326844513416, -0.019908569753170013, 0.012245234102010727, 0.016380654647946358, 0.02937977947294712, 0.06481996178627014, -0.03211720660328865, -0.02191406674683094, 0.0056175836361944675, -0.00012237000919412822, -0.009024730883538723, 0.029906772077083588, -0.018137292936444283, 0.016351377591490746, -0.026452049612998962, -0.025076014921069145, -0.0007909447886049747, -0.016468485817313194, -0.025149207562208176, 0.02372925914824009, -0.028252603486180305, -0.005346768535673618, -0.002219585934653878, -0.0022378843277692795, 0.00045402703108265996, -0.019645074382424355, -0.01737608201801777, -0.0031308422330766916, -0.010722814127802849, -0.015941495075821877, -8.548745245207101e-05, 0.007619419600814581, -0.007385201286524534, 0.015590166673064232, 0.013957956805825233, 0.014704528264701366, -0.004797819070518017, -0.002591041848063469, 0.024885712191462517, 0.009705428034067154, 0.01187926810234785, 0.031063225120306015, -0.04321330785751343, 0.0012598391622304916, 0.0034455733839422464, 0.058232568204402924, -0.024197695776820183, -0.020245259627699852, -0.016688065603375435, 0.014053108170628548, -0.01788843609392643, -0.02106502465903759, 0.0049991006962955, -0.0020219641737639904, 0.0024062287993729115, 0.006334877572953701, -0.0028033023700118065, -0.0035370648838579655, 0.057266417890787125, -0.037123627960681915, -0.0013147341087460518, -0.029057729989290237, 0.04110534116625786, -0.019571881741285324, -0.04025629907846451, -0.01376765500754118, -0.04552621394395828, -8.743165381019935e-05, -0.03238070383667946, 0.0161171592772007, -0.022982686758041382, 0.011923183687031269, 0.018415426835417747, -0.02528095617890358, 0.010005520656704903, -0.010034797713160515, -0.03888026624917984, 0.001291861291974783, 0.003022882156074047, -0.0009318418451584876, -0.009983561933040619, -0.093570277094841, 0.01684909127652645, -0.003414466278627515, 0.0121208056807518, 0.02719862014055252, -0.02506137639284134, 0.030506955459713936, 0.010100672021508217, 0.008139091543853283, -0.010898478329181671, 0.025222402065992355, -0.025105291977524757, -0.01847398281097412, -0.017288250848650932, 0.014397116377949715, 0.006891146767884493, 0.01958652026951313, 0.00800002459436655, 0.01810801587998867, 0.030214183032512665, -0.030126351863145828, -0.0322343185544014, -0.01029097381979227, 0.03606964647769928, -0.036420971155166626, -0.05422157794237137, -0.002938709920272231, -0.03059478849172592, -0.004790499806404114, -0.024885712191462517, -0.014133621007204056, 0.023831728845834732, 0.03153166174888611, 0.0013632246991619468, -0.005562688689678907, -0.022280031815171242, -0.013189427554607391, -0.015897579491138458, -0.015765830874443054, -0.03800194710493088, -0.012501411139965057, -0.021152855828404427, 0.04251065105199814, 1.3302019397087861e-05, 0.01067889854311943, -0.01892778091132641, 0.017507830634713173, -0.009917688556015491, -0.016483124345541, -0.001948770834133029, -0.04131028428673744, 0.009881092235445976, 0.03665519133210182, 0.018166569992899895, -0.05773485451936722, -0.0009597467724233866, -0.02006959542632103, 0.022280031815171242, -0.03773844987154007, -0.0450870543718338, 0.011915864422917366, 0.006367814727127552, -0.0006619416526518762, -0.02290949411690235, 0.012977167032659054, -0.0065398188307881355, -0.010993629693984985, 0.005097911227494478, 0.010708175599575043, 0.05928654968738556, -0.012742948718369007, -0.02819404937326908, 0.03281986340880394, 0.016175713390111923, 0.002918581711128354, 0.053167592734098434, 0.00649590278044343, -0.012362344190478325, 0.0010430041002109647, 0.02021598257124424, -5.100656198919751e-05, 0.00015702244127169251, 0.0037731132470071316, 0.03112177923321724, 0.017127225175499916, -0.005807886365801096, -0.015487696044147015, -0.010430041700601578, 0.02162129245698452, -0.033581074327230453, -0.006935062352567911, -0.0010018328903242946, -0.033873844891786575, -0.008783192373812199, -0.019762184470891953, 0.010473957285284996, -0.03958292305469513, -0.00846114195883274, 0.04927371069788933, 0.0020768591202795506, 0.004245209973305464, -0.015238839201629162, 0.00364502496086061, 0.012457494623959064, 0.008256200700998306, -0.005606604740023613, 0.004852714017033577, -0.0016980839427560568, -0.002128094434738159, 0.010898478329181671, 0.007502310443669558, 0.009032050147652626, 0.025485897436738014, 0.030126351863145828, -0.034576501697301865, 0.03762134164571762, 0.027637779712677002, -0.017946990206837654, 0.04060762748122215, -0.04734141007065773, 0.0024043989833444357, 0.04002208262681961, -0.027403561398386955, 0.04417945817112923, -0.015282755717635155, 0.0010640472173690796, 0.032614924013614655, -0.019718267023563385, -0.004658751655369997, -0.016014687716960907, 0.0063312179408967495, -0.014177536591887474, -0.016585595905780792, 0.005672478582710028, 0.021606653928756714, 0.012172041460871696, 0.031238889321684837, 0.014214133843779564, -0.05943293869495392, 0.0034528926480561495, -0.006473944988101721, 0.015575528144836426, -0.021899426355957985, -0.025529813021421432, 0.010254377499222755, 0.016292821615934372, -0.0014510566834360361, 0.016453847289085388, -0.020186705514788628, -0.02413914166390896, -0.010752092115581036, 0.0031107140239328146, 0.024768603965640068, 0.03159021586179733, -0.0017731069820001721, 0.007743848022073507, -0.022060452029109, -0.027154704555869102, -0.0264227706938982, 0.012713671661913395, -0.026159275323152542, 0.018561813980340958, 0.009544402360916138, 0.010020159184932709, 0.036274585872888565, -0.026627711951732635, -0.01023973897099495, 0.01788843609392643, 0.038089778274297714, -0.03478144481778145, -0.015765830874443054, 0.020054956898093224, 0.030946115031838417, -0.009815217927098274, 0.02309979684650898, -0.021196771413087845, 0.003408976597711444, 0.05173300579190254, -0.007249793503433466, 0.015107091516256332, -0.010115310549736023, 0.05152806267142296, -0.0021134556736797094, 0.010554470121860504, 0.016278183087706566, 0.03422517329454422, 0.0017868307186290622, 0.009339462034404278, -0.014411755837500095, -0.00015599315520375967, 0.03565976396203041, 0.027593864127993584, 0.011249805800616741, 0.0026770438998937607, -0.031092502176761627, -0.013870124705135822, 0.011491343379020691, -0.005167445167899132, -0.003798730904236436, -0.027623141184449196, -0.02288021706044674, 0.017434637993574142, 0.03270275518298149, 0.0071180458180606365, 0.0035443841479718685, 0.02557372860610485, -0.010774049907922745, 0.002770365448668599, -0.017010116949677467, 0.039231594651937485, -0.009251629933714867, 0.027476754039525986, -0.014763083308935165, 0.006894806399941444, -0.036977242678403854, 0.004995441064238548, -0.039495088160037994, -0.04201293736696243, -0.020538032054901123, 0.00920039415359497, -0.009946965612471104, 0.01924983039498329, -0.026700906455516815, 0.022367864847183228, 0.011798755265772343, -0.004164697136729956, -0.02687656879425049, -0.020801527425646782, -0.007568184286355972, 0.0016011028783395886, 0.043593913316726685, -0.018137292936444283, -0.03885098919272423, 0.0039268191903829575, 0.017434637993574142, -0.005972571205347776, -0.01869356259703636, 0.01566336117684841, 0.019132722169160843, -0.027710972353816032, 0.02916019968688488, -0.009075965732336044, -0.030916837975382805, -0.004490407183766365, -0.020377006381750107, -0.005105230957269669, 0.027491392567753792, -0.0063970922492444515, 0.010151906870305538, 0.010656940750777721, -0.030038518831133842, 0.01917663775384426, -0.00846114195883274, -0.030536232516169548, 0.020567309111356735, 0.0005544390296563506, 0.022060452029109, 0.006887487135827541, -0.020567309111356735, 0.031502384692430496, -0.032761309295892715, 0.01614643633365631, -0.01097899116575718, 0.03970003128051758, 0.00655079772695899, -0.01310159545391798, -0.016322100535035133, 0.016424570232629776, -0.012574603781104088, -0.013079637661576271, -0.01810801587998867, -0.00467339064925909, -0.01411898247897625, 0.02302660420536995, -0.021679846569895744, -0.007736528757959604, -0.03548409789800644, 0.03399095684289932, -0.015370586887001991, -0.008146410807967186, -0.0021043065935373306, -0.010298293083906174, -0.014565461315214634, -0.027140066027641296, 0.008204965852200985, -0.0064995624125003815, -0.02639349363744259, -0.02768169529736042, -0.016014687716960907, 0.014594738371670246, 0.03946581110358238, 0.015312032774090767, 0.018971696496009827, -0.022982686758041382, -0.002150052459910512, 0.0003581895725801587, -0.005782268475741148, 0.03694796562194824, 0.02845754474401474, -0.004186655394732952, 0.009515125304460526, 0.0181812085211277, -0.007590142544358969, -0.010444680228829384, 0.023290099576115608, 0.012406259775161743, 0.02937977947294712, 0.02516384795308113, 0.0054419199004769325, 0.0121208056807518, -0.020040318369865417, -0.009756662882864475, 0.019718267023563385, -0.0048563736490905285, 0.004439171869307756, 0.007985386066138744, -0.008636806160211563, -0.0019634095951914787, -0.0012186679523438215, 0.0178152434527874, -0.012274512089788914, 0.004365978762507439, 0.00753890722990036, 0.016292821615934372, -0.009376058354973793, -8.766038081375882e-05, -0.002107966225594282, -0.022280031815171242, -0.019381579011678696, 0.007363243028521538, -0.003344932571053505, -0.0052259997464716434, 0.017581023275852203, -0.011864629574120045, -0.012325746938586235, 0.005943293683230877, -0.022968048229813576, -0.008051260374486446, 0.0012067740317434072, -0.017463915050029755, -0.006173852365463972, 0.020669780671596527, -0.01936694048345089, 0.0005210445960983634, 0.016439208760857582, -0.0018902162555605173, 0.020084233954548836, 0.014704528264701366, -0.03188299015164375, -0.02110894024372101, 0.08941290527582169, -0.021167494356632233, 0.006067722104489803, 0.013848166912794113, 0.023216906934976578, -0.03352252021431923, -0.0014254390262067318, 0.029628636315464973, -0.028999174013733864, -0.011652369052171707, -0.005211361218243837, 0.03325902298092842, -0.018708201125264168, 0.027491392567753792, -0.030916837975382805, 0.0186642836779356, -0.04101750999689102, 0.01291861291974783, -0.023260822519659996, 0.003275398863479495, 0.011908545158803463, 0.014924108050763607, 0.023377930745482445, 0.00516378553584218, -0.033054083585739136, -0.0178152434527874, -0.002186649013310671, 0.009317503310739994, -0.0033833589404821396, -0.0005045761354267597, -0.010517872869968414, 0.0076560163870453835, 0.03536698967218399, -0.030126351863145828, -0.031180333346128464, -0.002686193212866783, 0.035015661269426346, -0.007531587965786457, -0.0025379767175763845, 0.006118957418948412, -0.008051260374486446, -0.001130836084485054, 0.0336981825530529, 0.005716394633054733, -0.0043184030801057816, 0.005665159318596125, -0.02860393188893795, -0.007443755865097046, -0.009522444568574429, -0.006067722104489803, -0.019791461527347565, -0.006093339994549751, -0.011425470001995564, -0.013409007340669632, -0.005939634051173925, -0.02576403133571148, -0.00033851887565106153, -0.0023019283544272184, 0.014828956685960293, 0.010042116977274418, -0.038528937846422195, -0.007846319116652012, -0.017990905791521072, -0.01681981422007084, 0.016936922445893288, -0.01348952017724514, -0.02247033454477787, -0.004021970555186272, -0.008958856575191021, -0.01706867106258869, 0.008007343858480453, 0.026408132165670395, 0.03129744157195091, -0.02760850265622139, -0.036977242678403854, 0.0010640472173690796, 0.0009917689021676779, 0.004007331561297178, 0.004494066815823317, 0.03914376348257065, 0.022367864847183228, 0.011974419467151165, -0.013753015547990799, 0.005727373529225588, -0.01737608201801777, -0.011118058115243912, 0.03238070383667946, -0.012076890096068382, -0.0013376070419326425, -0.009376058354973793, -0.012911293655633926, 0.006517861038446426, 0.02787199802696705, 0.016790537163615227, -0.015224200673401356, -0.00230558798648417, -0.023934200406074524, 0.01885458640754223, 0.003952436614781618, -0.007052171975374222, 0.011996377259492874, 0.0023915902711451054, 0.032966248691082, 0.010312932543456554, -0.03000924177467823, 0.0024409955367445946, -0.044999223202466965, -0.033054083585739136, -0.007941470481455326, 0.00010167003347305581, -0.0023074180353432894, 0.013006444089114666, 0.0020969873294234276, -0.004830756224691868, -0.0057786088436841965, 0.006887487135827541, 0.041046787053346634, -0.005511453375220299, 0.006609352305531502, -0.020860083401203156, 0.015619444660842419, 0.019396217539906502, -0.030682619661092758, 0.003959755878895521, 0.019645074382424355, 0.02069905772805214, 0.016322100535035133, -0.0052077011205255985, 0.016863729804754257, -0.004940546117722988, 0.0014894830528646708, 0.0356304869055748, -0.0008211370441131294, -0.00909060426056385, -0.02346576377749443, -0.0021829893812537193, 0.0033833589404821396, -0.0287210401147604, -0.005932314787060022, -0.018708201125264168, -0.007425457704812288, 0.04716574400663376, -0.013526116497814655, 0.009785940870642662, -0.0017758518224582076, 0.009075965732336044, -0.033024802803993225, -0.02295340970158577, 0.02135779708623886, 0.014836275950074196, -0.0015224200906232, 0.026656989008188248, 0.011593814007937908, 0.019762184470891953, -0.03071189671754837, -0.023041242733597755, 0.037270013242959976, -0.004827096126973629, -0.01007139403373003, 0.02324618399143219, -0.01844470389187336, 0.011096100322902203, -0.04482356086373329, 0.018020182847976685, -0.012084209360182285, -0.017610302194952965, 0.007476693019270897, 0.0031985461246222258, 0.02959935925900936, -0.01239894051104784, -0.011454747058451176, -0.033463966101408005, -0.005844482686370611, 0.004984461702406406, -0.006221428047865629, -0.008702680468559265, 0.009156478568911552, 0.03460577875375748, -0.03144383057951927, -0.0007598376832902431, 0.00010881781054195017, 0.009837175719439983, -0.004226911347359419, -0.022748468443751335, 0.033434685319662094, 0.023260822519659996, -0.016497762873768806, -0.010342209599912167, 0.022484973073005676, 0.009815217927098274, 0.005061314906924963, -0.018415426835417747, 0.007176600396633148, -0.0019140040967613459, 0.008988133631646633, 0.00039684478542767465, -0.021372435614466667, -0.004903949331492186, 0.008885663002729416, 0.01825440302491188, 0.04151522368192673, -0.023334015160799026, -0.035835426300764084, -0.024856435135006905, -0.03167804703116417, -0.016322100535035133, -0.005365066695958376, -0.02087472192943096, 0.01718578115105629, -0.0007493161247111857, -0.005756651051342487, -0.0025672540068626404, 0.005844482686370611, 0.03958292305469513, 0.012296469882130623, -0.0050320373848080635, 0.006806974299252033, 0.033024802803993225, 0.0018627687823027372, -0.011959780938923359, -0.015443780459463596, -0.0009414484957233071, 0.02110894024372101, -0.059784263372421265, 0.05466073751449585, -0.03738712519407272, 0.016292821615934372, 0.009632234461605549, 0.020757611840963364, -0.025778669863939285, 0.048541776835918427, -0.01892778091132641, -0.003107054391875863, 3.965588621213101e-05, -0.007934151217341423, -0.02904309146106243, -0.04778056964278221, 0.01800554431974888, -0.013584671542048454, 0.0015306542627513409, -0.01903025060892105, -0.006038445048034191, 0.014865553937852383, -0.0061958106234669685, 0.013445604592561722, -0.015795107930898666, 0.0013037552125751972, 0.012684394605457783, -0.01662951149046421, 0.01859109103679657, 0.006236067041754723, -0.004201293922960758, 0.007948789745569229, 0.013496839441359043, 0.001690764562226832, -0.003919499926269054, -0.009507806040346622, -0.026920486241579056, 0.002730109030380845, -0.02930658683180809, -0.041339561343193054, -0.003595619462430477, 0.011388873681426048, 0.00016742960724513978, 0.028325796127319336, 0.014426394365727901, 0.03961220011115074, -0.04125173017382622, -0.03955364599823952, 0.004717306233942509, -0.014199495315551758, 0.00565418042242527, 0.015956133604049683, 0.029116284102201462, 0.03059478849172592, -0.0006514201522804797, 0.008944218046963215, 0.008439184166491032, -0.014250730164349079, -0.0363624170422554, -0.020816165953874588, 0.02491498924791813, -0.007597461808472872, -0.00042223368654958904, 0.005731033161282539, 0.029365140944719315, 0.02006959542632103, -0.009134520776569843, 0.004208613187074661, -0.0024245271924883127, 0.021460266783833504, 0.03334685415029526, -0.012501411139965057, 0.009046688675880432, -0.006924083456397057, 0.00551511300727725, -0.0003135874285362661, 0.03410806506872177, -0.001320223673246801, -0.00039821714744903147, -0.026188552379608154, -0.00846114195883274, 0.02513456903398037, 0.012384301982820034, 0.03721145913004875, -0.00996160414069891, -0.015839023515582085, 0.014331243000924587, -0.01730288937687874, 0.003174758283421397, 0.010173864662647247, 0.006836251821368933, -0.0014748444082215428, -0.00655079772695899, 0.03437156230211258, 0.013518797233700752, -0.011835352517664433, 0.014675251208245754, 0.009529763832688332, 0.013387049548327923, -0.01310159545391798, 8.327164323418401e-06, 0.021855510771274567, 0.0027484074234962463, 0.057822685688734055, 0.006858209613710642, -0.022367864847183228, -0.015487696044147015, 0.004113461822271347, -0.04420873522758484, 0.027842720970511436, 0.008146410807967186, 0.04942009598016739, -0.019118083640933037, 0.01881067082285881, 0.0022250753827393055, 0.0006550797843374312, -0.00876123458147049, -0.027857359498739243, 0.0018179379403591156, -0.01844470389187336, 0.008446503430604935, 0.02276310697197914, -0.01045931875705719, -0.011505982838571072, 0.025119930505752563, 0.016717342659831047, -0.007809722330421209, -0.0015059516299515963, 0.007308348082005978, 0.020274536684155464, 0.06792335957288742, -0.020128149539232254, 0.04174944385886192, 0.004435512237250805, -0.018137292936444283, 0.02790127508342266, 0.027447476983070374, 0.018210485577583313, -0.00010681643470888957, -0.004080525133758783, -0.03349324315786362, 0.021372435614466667, 0.027037594467401505, -0.022602083161473274, 0.01119857095181942, -0.05269915610551834, -0.007421798072755337, -0.003491319017484784, 0.009624915197491646, -0.004336701240390539, 0.008622167631983757, 0.014880192466080189, -0.006927743088454008, -0.005097911227494478, -0.008724638260900974, 0.013372411020100117, -0.007956109009683132, -0.010598385706543922, -0.043301139026880264, 0.044003795832395554, -0.0042708273977041245, -0.00666058761999011, 0.002263501984998584, 0.010547150857746601, -0.02361214905977249, -0.006206789519637823, -0.0016715513775125146, -0.002658745739609003], "fd292866-84f1-402a-9736-1d48ba26f405": [0.012983322143554688, 0.03592816740274429, 0.07230091840028763, 0.011350855231285095, 0.01875600405037403, 0.003402130678296089, 0.04387515410780907, 0.025660991668701172, 0.00120872026309371, 0.03812331333756447, 0.04684833064675331, -0.0395682193338871, -0.03751200810074806, 0.023062938824295998, 0.02713368460536003, -0.020242590457201004, -0.0006686167907901108, 0.008169281296432018, -0.03526128828525543, 0.036483898758888245, 0.040512967854738235, 0.05032166466116905, -0.002846397226676345, 0.009815641678869724, 0.03717856854200363, 0.0030843205749988556, -0.026161151006817818, 0.004272200632840395, 0.03437211364507675, -0.03137115389108658, 0.03637275472283363, -0.023604778572916985, -0.021062297746539116, -0.0318990983068943, 0.01631077565252781, 0.010586721822619438, -0.04126320779323578, 0.008780588395893574, 0.0023774970322847366, -0.013921122997999191, -0.017116589471697807, -0.00476194079965353, -0.02920379303395748, -0.024132724851369858, -0.020923364907503128, 0.017269417643547058, -0.015921764075756073, -0.01624131016433239, -0.020242590457201004, 0.03967936709523201, -0.040735259652137756, 0.03817888721823692, -0.02181253768503666, -0.004914767574518919, 0.023910431191325188, -0.009975415654480457, -0.031037712469697, -0.043708436191082, -0.0357336588203907, -0.02071496471762657, 0.051210835576057434, 0.007102968171238899, -0.03565030172467232, 0.06346476078033447, -0.011559255421161652, 0.0012469269568100572, -0.03323286026716232, 0.013330656103789806, -0.012517895549535751, 0.02466067112982273, 0.007703854702413082, 0.03284384682774544, 0.0714673176407814, -0.03709520772099495, -0.021687498316168785, -0.003560167271643877, 0.03459440544247627, -0.0037824606988579035, 0.022284911945462227, 0.0009239068604074419, 0.016699789091944695, -0.006432614754885435, -0.03881797939538956, 0.0075857616029679775, -0.007488508243113756, 0.03484448790550232, -0.06829964369535446, -0.036261606961488724, -0.06313131749629974, -0.037484221160411835, -0.006210321094840765, 0.055684491991996765, -0.04001280665397644, 0.017297202721238136, 0.034677766263484955, 0.008884788490831852, -0.016366349533200264, 0.011392535641789436, 0.014219829812645912, 0.01437960285693407, 0.044347528368234634, -0.013928069733083248, -0.008982041850686073, -0.04540342092514038, 0.07157846540212631, -0.029537232592701912, -0.025591524317860603, 0.06457622349262238, 0.040401820093393326, -0.008662494830787182, -0.06802177429199219, -0.03920699283480644, -0.02292400412261486, 0.04470875486731529, 0.046237021684646606, 0.006818154826760292, -0.00806508120149374, -0.05462859570980072, 0.01871432363986969, 0.015227096155285835, -0.050405021756887436, 0.006147801410406828, -0.0291204322129488, -0.016449710354208946, -0.013115309178829193, -0.0017922403058037162, 0.00260673719458282, -0.011767655611038208, -0.06791062653064728, -0.03503899276256561, 0.009419681504368782, 0.036483898758888245, 0.010586721822619438, 0.0035949007142335176, -0.004682054277509451, -0.00848882831633091, -0.01815859042108059, -0.02598053775727749, -0.025424804538488388, -0.038373395800590515, -0.018353097140789032, -0.0376509390771389, -0.0006799051188863814, 0.05215558409690857, -0.015143736265599728, -0.0047897277399897575, 0.0007893151487223804, 0.01808912307024002, -0.021326271817088127, -0.021979257464408875, 0.006370094604790211, 0.011295282281935215, 0.0019138070056214929, 0.02203483134508133, 0.026675205677747726, -0.04323606193065643, -0.005432294216006994, 0.06396491825580597, -0.01460189651697874, 0.010197708383202553, -0.022507203742861748, -0.043652862310409546, 0.025647098198533058, 0.019950831308960915, -0.015046482905745506, -0.009461361914873123, -0.002398337237536907, -0.04857110232114792, -0.05537883937358856, -0.008627762086689472, -0.04943249002099037, -0.01619962975382805, -0.008648601360619068, -0.012330335564911366, -0.0007567526772618294, 0.0007298343116417527, 0.027439339086413383, -0.08419361710548401, 0.012212241999804974, -0.05735168978571892, -0.012017735280096531, 0.020173123106360435, -0.0051509542390704155, -0.04304155334830284, 0.002325397217646241, -0.0268002450466156, -0.014150362461805344, 0.01406005583703518, -0.03362187370657921, 0.016713682562112808, -0.017255524173378944, 0.02853691205382347, -0.004088114015758038, -0.062075424939394, -0.018297523260116577, -0.021354056894779205, 0.029842885211110115, 0.0021100505255162716, -0.02793949842453003, -0.006123487837612629, 0.009065401740372181, -0.04587579518556595, 0.025091364979743958, -0.00017627170018386096, -0.023049045354127884, -0.0268002450466156, -0.002096157055348158, -0.03334400802850723, -0.005039807874709368, -0.022507203742861748, 0.04343056678771973, -0.023160191252827644, -0.004029067233204842, 0.05554555729031563, -0.0009056718554347754, 0.05054395645856857, -0.041735582053661346, -0.003799827303737402, -0.00904456153512001, 0.012983322143554688, -0.00856524147093296, 0.00205274042673409, 0.0020492670591920614, -0.025772137567400932, -0.022159870713949203, 0.04284704849123955, -0.005279467906802893, 0.01258736290037632, 0.04142992943525314, -0.027883926406502724, 0.008044241927564144, 0.04537563398480415, 0.011566202156245708, -0.012149722315371037, 0.06502081453800201, -0.045320063829422, 0.03314949944615364, 0.006126961205154657, -0.0384567528963089, -0.040512967854738235, 0.0007511084550060332, 0.051071904599666595, 0.028509125113487244, 0.02506357803940773, 0.013587682507932186, -0.0025459537282586098, -0.012448429130017757, -0.058963317424058914, 0.022423844784498215, -0.02328523062169552, 0.003028747159987688, 0.017519496381282806, 0.0131986690685153, -0.054239582270383835, -0.031065499410033226, -0.04329163581132889, 0.034900061786174774, 0.0229656845331192, 0.007495454978197813, -0.03667840734124184, 0.049154624342918396, -0.025966644287109375, -0.02439669892191887, -0.000329749658703804, 0.037234142422676086, 0.023160191252827644, 0.01428234949707985, 0.004188840743154287, -0.04965478181838989, 0.0038831874262541533, -0.01040610857307911, 0.0387624092400074, 0.03067648597061634, 0.01289996225386858, -0.03584480658173561, 0.03223253786563873, 0.022451631724834442, -0.006842467933893204, -0.004536174237728119, -0.018186377361416817, -0.01606069691479206, 0.019186697900295258, -0.013288975693285465, 0.06307574361562729, 0.028509125113487244, 0.013448749668896198, 0.03776208683848381, 0.034344326704740524, -0.00972533505409956, 0.02812011167407036, 0.021840324625372887, -0.015407709404826164, -0.024896858260035515, -0.01724163070321083, 0.04587579518556595, -0.03192688524723053, -0.011830175295472145, -0.008502721786499023, 0.02502189762890339, 0.029954032972455025, 0.0016029436374083161, 0.04543120786547661, -0.013184775598347187, -0.010253282263875008, -0.01116329524666071, 0.020214803516864777, 0.06263116002082825, 0.043541714549064636, -0.003980441018939018, -0.055795636028051376, -0.0034108140971511602, 0.009933735243976116, 0.0001149456511484459, -0.015352136455476284, -0.018839363008737564, -0.026369551196694374, 0.02834240533411503, -0.02506357803940773, -0.02114565670490265, -0.00250601046718657, -0.024452270939946175, 0.005046754144132137, 0.014254562556743622, -0.03348293900489807, -0.03817888721823692, -0.062297720462083817, 0.007377361413091421, 0.014240669086575508, -0.04551456868648529, -0.006863308139145374, -0.024869071319699287, -0.011302229017019272, -0.014108682982623577, -0.002525113755837083, -0.01978410966694355, 0.025633204728364944, 0.00944746844470501, 0.0013085786486044526, -0.01262209564447403, 0.00609222799539566, -0.00428262073546648, -0.059074465185403824, -0.01922837644815445, 0.007787215057760477, -0.0007784609915688634, -0.010350535623729229, 0.01838088408112526, 0.0417911559343338, -0.01094794925302267, 0.0022594037000089884, -0.02107619121670723, 0.02254888415336609, -0.04618144780397415, 0.050516169518232346, -0.01686651073396206, 0.018325310200452805, 0.026008324697613716, -0.04015174135565758, -0.04595915600657463, 0.011246655136346817, -0.029592806473374367, 0.0036886807065457106, 0.04968256875872612, 0.00902372132986784, 0.01833920367062092, 0.015643896535038948, -0.030954353511333466, -0.04506998136639595, -0.0036956274416297674, -0.020840004086494446, -0.029954032972455025, -0.0769135057926178, 0.012893015518784523, -0.028106218203902245, -0.03470555320382118, -0.014268456026911736, 0.024535631760954857, 0.046820543706417084, 0.002084000501781702, 0.04768192768096924, 0.08563852310180664, -0.007120334543287754, 0.01771400310099125, -0.04595915600657463, 0.06329803913831711, 0.045458994805812836, -0.004758467432111502, -0.031037712469697, -0.011045202612876892, -0.0031572605948895216, 0.047487422823905945, 0.01190658938139677, 0.011079935356974602, -0.030926566570997238, 0.035705871880054474, 0.0010142135433852673, -0.026897499337792397, 0.045681290328502655, 0.03000960685312748, -0.0199369378387928, -0.01483808271586895, -0.020756643265485764, -0.047265131026506424, 0.008252641186118126, -0.009885109029710293, 0.0422913134098053, -0.016852617263793945, -0.011496735736727715, 0.05510096997022629, -0.043708436191082, 0.031148860231041908, -0.023576991632580757, 0.05340598523616791, -0.033093925565481186, 0.05046059563755989, -0.056907106190919876, -0.0057414211332798, 0.07374582439661026, 0.01779736392199993, -0.0323992595076561, 0.002919337246567011, -0.019645176827907562, -0.026675205677747726, -0.030092965811491013, -0.04495883733034134, -0.013796082697808743, 0.002257667016237974, -0.00028090589330531657, 0.05190550535917282, -0.05032166466116905, -0.07791382819414139, 0.03812331333756447, 0.012351175770163536, 0.031204432249069214, -0.0434027835726738, -0.00410548085346818, 0.03506677970290184, -0.02550816535949707, 0.005067594349384308, 0.019950831308960915, 0.0024122304748743773, 0.0038137207739055157, 0.0006712218164466321, 0.006981401238590479, -0.007162014953792095, -0.00952388159930706, 0.02920379303395748, -0.006682694423943758, 0.01933952420949936, 0.016505282372236252, -0.04070747643709183, 0.00040616298792883754, 0.03923477977514267, 0.030176326632499695, -0.030926566570997238, -0.07435713708400726, 0.011628721840679646, -0.0036956274416297674, -0.048265449702739716, -0.028509125113487244, -0.012246975675225258, 0.07435713708400726, 0.05707382410764694, 0.0615752637386322, 0.02898149937391281, 0.030704272910952568, -0.059852492064237595, -0.004654267802834511, -0.003284037346020341, -0.027258725836873055, -0.005279467906802893, 0.006213794462382793, 0.028620272874832153, 0.002535533858463168, -0.03417760506272316, -0.044542036950588226, 0.03812331333756447, -0.03970715403556824, 0.0030686906538903713, -0.02254888415336609, 0.01384470984339714, -0.04909905046224594, -0.04718177020549774, 0.008954254910349846, 0.04701504856348038, 0.03587259352207184, 0.02517472580075264, -0.003806774038821459, 0.015352136455476284, 0.029981819912791252, 0.0009021984878927469, 0.009308535605669022, 0.028620272874832153, -0.016157949343323708, -2.7976620913250372e-05, -0.042207956314086914, -0.018283629789948463, -0.00018180732149630785, -0.062075424939394, 0.01572725735604763, -0.03540021926164627, -0.0233685914427042, 0.025341445580124855, 0.027703311294317245, 0.051516491919755936, -0.0024261237122118473, 0.03212139382958412, 0.0005948084290139377, -0.02978731319308281, -0.004803620744496584, -0.017852935940027237, 0.0338163785636425, 0.007196748163551092, 0.016116268932819366, -0.03787323459982872, 0.034788914024829865, 0.0365394726395607, 0.01945067010819912, -0.026730777695775032, 0.012629042379558086, -0.01893661729991436, 0.040957555174827576, 0.002731777261942625, 0.0011444635456427932, -0.047265131026506424, -0.006818154826760292, -0.018228057771921158, -0.06368705630302429, 0.013136149384081364, -0.050849609076976776, -0.00023097671510186046, -0.044792115688323975, 0.02920379303395748, 0.025938859209418297, 0.0030634806025773287, -0.037039633840322495, -0.010399161837995052, -0.021062297746539116, 0.002950597321614623, -0.005189160816371441, -0.012177509255707264, -0.026661312207579613, 0.049515850841999054, 0.004869614262133837, 0.04604251682758331, -0.008058134466409683, -0.01831141673028469, -0.022173764184117317, -0.008190121501684189, -0.05054395645856857, 0.024007685482501984, 0.0011835385812446475, 0.028370192274451256, -0.005817834287881851, 0.012747135944664478, 0.045570142567157745, -0.022243231534957886, 0.01856149733066559, -0.014990909956395626, 0.0010810751700773835, 0.01210804283618927, -0.009454415179789066, 0.007974774576723576, -0.013976695947349072, 0.013059736229479313, 0.07346796244382858, 0.009114028885960579, -0.03576144576072693, -0.012052468955516815, 0.015352136455476284, 0.015852296724915504, -0.029592806473374367, -0.01110772229731083, -0.02716147154569626, 0.016435816884040833, -0.004918240942060947, -0.05271131545305252, 0.022159870713949203, 0.028592485934495926, 0.006130434572696686, -0.023229658603668213, -0.047598570585250854, -0.000709862622898072, 0.012080255895853043, -0.03651168569922447, -0.01234422903507948, -0.00826653465628624, 0.018811577931046486, 0.01967296376824379, 0.008947308175265789, 0.015463283285498619, -0.019645176827907562, 0.03706742078065872, 0.03676176816225052, 0.00992678850889206, -0.00353932729922235, -0.01871432363986969, 0.015713363885879517, 0.017839044332504272, -0.02100672386586666, 0.031871311366558075, -0.023493630811572075, 0.0006699193036183715, -0.01690818928182125, -0.0015560536412522197, -0.036150459200143814, 0.011024362407624722, -0.020423203706741333, 0.018214164301753044, -0.005126641131937504, 0.019353417679667473, -0.004539647605270147, -6.81641831761226e-05, -0.024229977279901505, -0.03348293900489807, 0.043708436191082, 0.00028958922484889627, 0.005446187686175108, 0.015366029925644398, 0.021159550175070763, 0.015532749705016613, 0.009461361914873123, -0.014796403236687183, 0.021159550175070763, 0.03981830179691315, 0.0021534671541303396, -0.023410271853208542, -0.020534351468086243, -0.05207222327589989, -0.026272298768162727, 0.005550387781113386, -0.020173123106360435, 0.02802285924553871, -0.023049045354127884, -0.002014533616602421, 0.032649338245391846, -0.004063800908625126, 0.01642192341387272, -0.003431654069572687, -0.009857322089374065, 0.010051828809082508, -0.020395416766405106, 0.007432934828102589, 0.002481697127223015, 0.04023510217666626, -0.007564921397715807, -0.014476856216788292, -0.021173443645238876, 0.0130458427593112, -0.023313017562031746, -0.00015651711146347225, -0.0241744052618742, 0.0012842653086408973, -0.04809872806072235, 0.030176326632499695, -0.0017635853728279471, -0.0030183272901922464, 0.015643896535038948, 0.006255474407225847, 0.005661534611135721, -0.04042960703372955, -0.0001339404407190159, 0.022937897592782974, -0.0024052837397903204, -0.009357161819934845, 0.006182534620165825, 0.026188937947154045, 0.0005891642649658024, -0.005300307646393776, -0.004091587383300066, -0.06213099882006645, 0.005654587876051664, -0.016783149912953377, -0.001856497023254633, -0.03667840734124184, -0.020728858187794685, 0.02029816433787346, -0.050627317279577255, -0.026828031986951828, 0.0464315302670002, -0.008238748647272587, -0.01775568351149559, -0.03000960685312748, 0.031287793070077896, -0.011420322582125664, -0.006734794471412897, 0.05687931925058365, 0.0006994426366873085, 0.02259056456387043, 0.00569279445335269, -0.0038206675089895725, 0.011350855231285095, -0.009732281789183617, -0.01713048294186592, 0.028842566534876823, 0.0654098242521286, 0.0051162210293114185, -0.0007289659697562456, 0.015435496345162392, -0.09864268451929092, 0.006561127956956625, 0.015171523205935955, 0.02436891198158264, -0.04537563398480415, -0.017964083701372147, -0.031065499410033226, -0.030870992690324783, 0.0073287347331643105, 0.029176006093621254, 0.00149266526568681, 0.021048404276371002, 0.02768941968679428, -0.011552308686077595, 0.0010376585414633155, 0.00483488105237484, 0.03967936709523201, -0.014935336075723171, -0.035011205822229385, 0.04668160900473595, 0.015199309214949608, -0.00828737486153841, 0.028356298804283142, -0.03373302146792412, -0.013921122997999191, -0.010183814913034439, -0.002766510471701622, -0.015477176755666733, 0.009127921424806118, 3.1884119380265474e-05, 0.008718068711459637, -0.010433895513415337, -0.015657790005207062, 0.00448407419025898, 0.011371695436537266, -0.03059312514960766, 0.0411798469722271, -0.029870672151446342, -0.00725232157856226, -0.004956447519361973, -0.004772360902279615, 0.009864268824458122, 0.005105800926685333, 0.029148219153285027, 0.012038575485348701, -0.016560856252908707, -0.025077471509575844, 0.009780908934772015, -0.003356977365911007, -0.017588963732123375, -0.0035810074768960476, 0.013559895567595959, 0.013129202648997307, -0.0047133141197264194, -0.007085601333528757, 0.03428875282406807, 0.00644998112693429, -0.006887621246278286, 0.02045099064707756, 0.009843428619205952, -0.006227687932550907, -0.007467668037861586, 0.05487867817282677, -0.0030704273376613855, -0.01354600302875042, -0.01594954915344715, 0.01332370936870575, -0.00016530898574274033, -0.02399379201233387, 0.0236186720430851, -0.0030600072350353003, -0.019700750708580017, 0.005449661053717136, 0.0012573469430208206, -0.0030391672626137733, 0.08324886858463287, -0.04720955714583397, 0.025188617408275604, -0.051321983337402344, 0.024355018511414528, -0.006693114526569843, -0.02310461737215519, -0.03778987377882004, -0.03328843414783478, 0.017922403290867805, -0.04415302351117134, 0.04034624621272087, -0.021492991596460342, -0.017852935940027237, 0.009114028885960579, -0.017255524173378944, 0.017672322690486908, -0.0016046803211793303, -0.029037073254585266, 0.02686971239745617, -0.011899642646312714, 0.013052789494395256, 0.01387944258749485, -0.038845766335725784, 0.010336642153561115, 0.0307876318693161, 0.01367798913270235, 0.04034624621272087, -0.008134548552334309, 0.04607030376791954, 0.0063596745021641254, 0.043764010071754456, -0.011635668575763702, -0.018811577931046486, -0.036011528223752975, -0.006425668019801378, -0.0008835293701849878, 0.020367629826068878, -0.0027682471554726362, -0.00795393530279398, 0.00046282177208922803, 0.03970715403556824, 0.012712402269244194, -0.01735277660191059, -0.03934592753648758, -0.0009655868634581566, 0.024605099111795425, -0.02798117883503437, -0.048848967999219894, -0.0207427516579628, -0.033010564744472504, 0.019283950328826904, -0.021756963804364204, -0.0018478137208148837, 0.03034304641187191, -0.007710801437497139, -0.0038866607937961817, -0.012510948814451694, -0.020173123106360435, -0.0203398447483778, 0.006620174739509821, 0.01120497565716505, -0.028925925493240356, -0.011934375390410423, 0.0027057272382080555, 0.015671683475375175, 0.019686857238411903, 0.015893977135419846, -0.030204113572835922, 0.006845941301435232, 0.005432294216006994, -0.00919044204056263, -0.006609754636883736, -0.04162443429231644, 0.027147578075528145, 0.01642192341387272, 0.038151100277900696, -0.0425969697535038, -0.013226456008851528, -0.03201024606823921, 0.026730777695775032, -0.0379565954208374, -0.025522058829665184, 0.007981721311807632, 0.023174084722995758, -0.004129793960601091, -0.012823549099266529, -0.034233178943395615, -0.008259587921202183, -0.002730040578171611, -0.01533824298530817, -0.0005431426106952131, 0.05707382410764694, -0.02506357803940773, -0.003035693895071745, -0.004477127455174923, 0.012253922410309315, 0.016338562592864037, 0.06257558614015579, -0.02684192545711994, -0.00846798811107874, 0.0073287347331643105, 0.023604778572916985, -0.0005800467915832996, 0.011781549081206322, -0.02136795036494732, 0.007856681942939758, -5.058042734162882e-05, 0.0291204322129488, 0.0009456151747144759, -0.006401354447007179, 0.01367798913270235, -0.0027057272382080555, -0.0009508251678198576, 0.015324349515140057, -0.01931173726916313, 0.009794801473617554, -0.029398299753665924, 0.005963714327663183, -0.03439990058541298, -0.03284384682774544, 0.07213420420885086, -0.005098854191601276, 0.016505282372236252, -0.010934055782854557, 0.02657795138657093, 0.0012860018759965897, 0.012656829319894314, -0.0051856879144907, -0.0037303606513887644, -0.0014900602400302887, 0.0019190170569345355, -0.007891414687037468, 0.015532749705016613, 0.032093606889247894, 0.0288703516125679, 0.006713954731822014, -0.0403740331530571, 0.0360393151640892, -0.0016828302759677172, -0.008593028411269188, 0.029620593413710594, -0.05273910239338875, 0.0019572237506508827, 0.03314949944615364, -0.035122353583574295, 0.03667840734124184, -0.014136469922959805, 0.0031051605474203825, 0.015588322654366493, 0.014296242967247963, -0.020034190267324448, 0.0060331812128424644, 0.012656829319894314, -0.0145602161064744, -0.009503042325377464, 0.032427046447992325, 0.00755797466263175, -0.000633883464615792, 0.035011205822229385, 0.012260869145393372, -0.033316221088171005, -0.0018321836832910776, 0.005053700879216194, 0.02923157997429371, -0.001972853671759367, 0.011524522677063942, -0.0002481263072695583, 0.00974617525935173, 0.024855177849531174, 0.00980174820870161, -0.020325951278209686, -0.010774281807243824, -0.042096808552742004, 0.0029037073254585266, 0.021103978157043457, 0.013594629243016243, -0.010100455023348331, -0.02802285924553871, -0.012747135944664478, -0.02978731319308281, -0.002106577157974243, -0.0010107401758432388, -0.04156886041164398, 0.010885428637266159, -0.0015169786056503654, -0.007877521216869354, 0.03034304641187191, -0.004831407684832811, -0.006081807892769575, 0.03000960685312748, 0.017658431082963943, -0.0318990983068943, -0.010267175734043121, 0.034677766263484955, 0.023118510842323303, -0.008454094640910625, 0.05009936913847923, -0.022757284343242645, 0.00992678850889206, 0.03089877963066101, -0.01164261531084776, 0.01963128335773945, 0.0015994702698662877, 0.04379179701209068, 0.027453232556581497, -0.007287054788321257, -0.00015564878412988037, 0.016255203634500504, 0.020881684496998787, -0.01915891095995903, 0.00800950825214386, -0.025994431227445602, 0.01996472477912903, 0.030620912089943886, 0.00012102397886337712, -0.014949229545891285, -0.017922403290867805, -0.01793629676103592, -0.009329374879598618, 0.004067274276167154, 0.004466707352548838, -0.041735582053661346, 0.0018964404007419944, 0.03879019618034363, 0.043458353728055954, 0.005873407702893019, 0.018505923449993134, 0.04465318098664284, 0.00039183549233712256, 0.02554984577000141, -0.013011109083890915, 0.030481979250907898, -0.020756643265485764, -0.0003916184068657458, -0.01982579007744789, 0.02058992348611355, -0.029731739312410355, 0.007307894993573427, -0.01210804283618927, -0.02809232473373413, -0.008336002007126808, -0.0170610174536705, -0.014094789512455463, 0.014296242967247963, -0.05196107551455498, -0.018700430169701576, -0.00343686412088573, -0.015935655683279037, -0.0034559674095362425, -0.014699149876832962, 0.003744254121556878, -0.0005214342963881791, 0.021979257464408875, 0.017186056822538376, -0.003983913920819759, -0.021534670144319534, -0.017741790041327477, -0.014740829356014729, -0.014657469466328621, 0.022660031914711, 0.020284270867705345, -0.025647098198533058, 0.019575711339712143, -0.008822268806397915, -0.06641014665365219, 0.0011531468480825424, -0.005605961196124554, 0.030426405370235443, 0.02878699265420437, -0.034455474466085434, 0.01908944360911846, -0.010489468462765217, -0.03762315586209297, 0.0174639243632555, -0.010044882073998451, -0.03717856854200363, 0.003619214054197073, -0.009350215084850788, 0.025938859209418297, 0.009697549045085907, -0.009107082150876522, 0.03217696771025658, -0.015671683475375175, 0.01269850879907608, -0.006130434572696686, 0.02684192545711994, 0.029064858332276344, -0.018964404240250587, -0.02573045901954174, 0.012080255895853043, -0.011983002535998821, -0.007384308148175478, -0.012177509255707264, 0.0067000612616539, -0.015866190195083618, 0.030759846791625023, -0.01735277660191059, 0.038845766335725784, -0.01833920367062092, 0.04470875486731529, 0.006331888027489185, -0.00033713047741912305, -0.020881684496998787, 0.023410271853208542, -0.008370734751224518, -0.037484221160411835, -0.022826751694083214, -0.0022177237551659346, -0.016769256442785263, -0.011448108591139317, -0.021659711375832558, 0.02063160389661789, 0.01927005685865879, 0.017283309251070023, 0.04465318098664284, -0.0008253509877249599, -0.004140214063227177, 0.005015494301915169, 0.004039487335830927, 0.016810936853289604, 0.03751200810074806, 0.0057935211807489395, 0.021937577053904533, 0.02029816433787346, 0.0012425852473825216, -0.025035791099071503, 0.03328843414783478, 0.026119472458958626, 0.008148442022502422, -0.011010468937456608, -0.008725015446543694, 0.0008713727002032101, -0.03123221918940544, -0.018116910010576248, 0.005762261338531971, 0.012948589399456978, 0.00795393530279398, 0.015893977135419846, -0.022757284343242645, 0.008315161801874638, -0.023410271853208542, 0.0010029252152889967, -0.012990268878638744, 0.01793629676103592, -0.007592708338052034, 0.007683014962822199, -0.012559575960040092, -0.009371055290102959, -0.02945387177169323, -0.015171523205935955, -0.009732281789183617, 0.014004482887685299, 0.00725232157856226, 0.00250601046718657, 0.022284911945462227, 0.016449710354208946, 0.010211601853370667, 0.01289996225386858, -0.04795979708433151, -0.017561176791787148, -0.0008461910183541477, 0.013469588942825794, 0.0005079751135781407, 0.005539967678487301, -0.02989845909178257, -0.0029314938001334667, 0.010267175734043121, -0.015574430115520954, 0.011052148416638374, -0.01908944360911846, -0.0395682193338871, -0.0263973381370306, 0.08747244626283646, -0.009252961724996567, 0.0018530236557126045, 0.011691242456436157, 0.03920699283480644, -0.037928808480501175, 0.0003857571573462337, 0.0077663748525083065, -0.018617071211338043, 0.005630274303257465, -0.01410173624753952, 0.025119151920080185, -0.005748367868363857, 0.04559792950749397, -0.014296242967247963, 0.035122353583574295, -0.017839044332504272, -0.009218228049576283, -0.03195467218756676, 0.013080575503408909, 0.01478250976651907, -0.016713682562112808, 0.026855818927288055, 0.015171523205935955, -0.03717856854200363, -0.006123487837612629, 0.017269417643547058, 0.011635668575763702, -0.006547234486788511, -0.02122901752591133, -0.008794481866061687, -0.009287695400416851, 0.04809872806072235, -0.00803034845739603, -0.020506564527750015, -0.005539967678487301, 0.0273559782654047, -0.002285453723743558, 0.006898041348904371, 0.007266214583069086, 0.00037229800364002585, 0.004042960703372955, 0.025897178798913956, 0.012413695454597473, -0.00644998112693429, 0.010336642153561115, 0.007849735207855701, 0.004723734222352505, 0.007995614781975746, -0.0009794802172109485, -0.03439990058541298, 0.010156028904020786, 0.011309175752103329, -0.006613228004425764, 0.0057066879235208035, -0.025341445580124855, 0.008877841755747795, 0.005717108026146889, 0.018116910010576248, 0.004313881043344736, -0.011614829301834106, -0.03045419231057167, -0.009600295685231686, -0.02945387177169323, 0.024785712361335754, -0.0043868208304047585, -0.011503682471811771, -0.012955536134541035, 0.00980174820870161, -0.012781869620084763, 0.0032145706936717033, 0.03267712518572807, 0.053322624415159225, -0.0024851704947650433, -0.02586939185857773, 0.013969749212265015, 0.005039807874709368, 0.0004810567479580641, 0.024646777659654617, 0.022354377433657646, -0.0006291076424531639, 0.016255203634500504, -0.004164527636021376, 0.013865549117326736, -0.0009265118278563023, 0.021284591406583786, 0.04912683740258217, 0.00473415432497859, -0.0033014039508998394, -0.012191402725875378, -0.03498341888189316, 0.014754722826182842, 0.025563739240169525, 0.030370833352208138, -0.0028203472029417753, -0.004244414158165455, -0.021840324625372887, 0.03890134021639824, 0.009426628239452839, -0.025716565549373627, 0.000662538455799222, 0.00014555439702235162, 0.03234368562698364, 0.006679221522063017, -0.018742110580205917, -0.004779307637363672, -0.020173123106360435, -0.029314938932657242, -0.01062840223312378, -0.003553220769390464, -0.004671634174883366, 0.007821948267519474, 0.008127601817250252, -0.01771400310099125, -0.020145338028669357, 0.025313658639788628, 0.026230618357658386, -0.02923157997429371, -0.0032510405872017145, -0.021131765097379684, 0.009232121519744396, 0.03720635548233986, -0.0343165397644043, 0.015129842795431614, 0.013080575503408909, 0.011003522202372551, 0.015213202685117722, -0.00952388159930706, 0.006276314612478018, 0.023854857310652733, 0.008884788490831852, 0.04779307544231415, 0.021576350554823875, -0.0006942326435819268, -0.036789555102586746, -0.012913855724036694, -0.02085389755666256, -0.02620283141732216, -0.008718068711459637, 0.0014909285819157958, -0.015254883095622063, 0.022660031914711, -0.006488188169896603, 0.004077693913131952, 0.008419361896812916, 0.040763046592473984, -0.03934592753648758, 0.002379233716055751, 0.0323992595076561, 0.005928981117904186, -0.017991870641708374, 0.028703631833195686, 0.011538415215909481, 0.029287151992321014, 0.0155188562348485, -0.027744991704821587, 0.05735168978571892, 0.014879763126373291, -0.010461682453751564, 0.008363788016140461, -0.01437960285693407, 0.010579775087535381, -0.05840758606791496, -0.005425347946584225, -0.006373567972332239, 0.003983913920819759, -0.020089764147996902, 0.013136149384081364, 0.020701071247458458, -0.003917920868843794, -0.009989308193325996, -0.016699789091944695, -0.020840004086494446, 0.0003803300787694752, -0.028731418773531914, 0.0029870672151446342, 0.020312057808041573, 0.02798117883503437, -0.04034624621272087, 0.0013902019709348679, 0.031037712469697, 0.00780805479735136, 0.007047394756227732, -0.01719995029270649, 0.0170610174536705, 0.02399379201233387, 0.008134548552334309, -0.008801428601145744, 0.020909471437335014, 0.010308855213224888, 0.0268002450466156, -0.013261189684271812, 0.018728217110037804, 0.009808694943785667, 0.0004311275843065232, 0.011323069222271442, -0.017769576981663704, -0.0011548835318535566, 0.02045099064707756, -0.00044588925084099174, 0.038067739456892014, -0.001231296919286251, -0.040512967854738235, -0.004393767565488815, -0.024924645200371742, -0.03203803300857544, 0.0027699838392436504, -0.020020296797156334, 0.03484448790550232, -0.0008318634936586022, 0.008092868141829967, -0.0033083506859838963, -0.0027908238116651773, 0.040068380534648895, 0.03979051485657692, -0.018908830359578133, -0.02181253768503666, 0.013163936324417591, 0.008627762086689472, -0.017297202721238136, 0.008898681960999966, -0.0038762406911700964, 0.016366349533200264, -0.05957462638616562, 0.033205073326826096, -0.018283629789948463, 0.04609809070825577, -0.0015491070225834846, 0.03673398122191429, -0.028453553095459938, 0.047709714621305466, -0.03473334014415741, -0.0036747874692082405, 0.0014761670026928186, -0.021840324625372887, -0.01831141673028469, -0.02450784482061863, 0.026300085708498955, -0.018547603860497475, -0.018394777551293373, -0.007571868132799864, 0.00843325536698103, 0.017658431082963943, -0.02606389857828617, 0.002149993786588311, -0.004675107542425394, 0.00954472180455923, -0.011003522202372551, -0.022604458034038544, -0.011802389286458492, 0.014865869656205177, 0.009496095590293407, 0.011274442076683044, -0.0011019152589142323, 0.0044389208778738976, -0.006404827814549208, 0.004463233985006809, -0.027619952335953712, 0.02459120564162731, 0.01342096272855997, -0.04448646306991577, -0.007821948267519474, -0.008148442022502422, -0.0007650018087588251, 0.015088163316249847, -0.012399802915751934, 0.018630962818861008, -0.011795442551374435, -0.029037073254585266, 0.009892054833471775, -2.7271098588244058e-05, -0.00655070785433054, 0.009579455479979515, 0.006838994566351175, 0.02410493791103363, 0.00823180191218853, 0.0021291538141667843, 0.015449389815330505, -0.017338883131742477, 0.0017427454004064202, 0.009857322089374065, 0.018172483891248703, 0.006133907940238714, -0.016519175842404366, 0.004977287724614143, 0.02459120564162731, 0.020978936925530434, 0.005609434563666582, -0.0008014718187041581, 0.0022038305178284645, 0.00040073590935207903, 0.04004059359431267, -0.0075510283932089806, -0.026161151006817818, 0.017005443572998047, -0.0018269737483933568, 0.0037616207264363766, 0.025897178798913956, 0.028078433126211166, -0.005803941283375025, -0.01258736290037632, 0.00025941463536582887, 0.010579775087535381, 0.023174084722995758, 0.05257238447666168, -0.005776154343038797, 0.004595221020281315, -0.007752481382340193, 0.00041983925621025264, 0.0008926468435674906, -0.0031624706462025642, 0.008447147905826569, 0.009239068254828453, -0.005446187686175108, 0.045236703008413315, 0.013921122997999191, 0.008961201645433903, -0.001048946869559586, 0.009454415179789066, 0.017255524173378944, -0.007940041832625866, 0.008169281296432018, 0.04023510217666626, 0.015768935903906822, 0.07274550944566727, -0.012253922410309315, -0.03706742078065872, -0.017547283321619034, -0.001477903570048511, -0.03267712518572807, 0.020798323675990105, -0.0026623106095939875, 0.04065190255641937, 0.008037295192480087, -0.007926148362457752, -0.009287695400416851, 0.019131124019622803, 0.02292400412261486, -7.717314292676747e-05, 0.010253282263875008, -0.011059095151722431, -0.017172163352370262, -0.020423203706741333, 0.0020075871143490076, -0.0018599703907966614, 0.022340483963489532, 0.013136149384081364, 0.018436456099152565, -0.0006885884795337915, -0.015782829374074936, 0.023715924471616745, 0.046792756766080856, -0.01110772229731083, 0.004265254363417625, -0.010517255403101444, -0.02827293984591961, 0.014588003046810627, 0.0026970438193529844, 0.021451311185956, -0.019811896607279778, -0.016783149912953377, -0.012316442094743252, 0.0038206675089895725, 0.04104091599583626, 0.0005279467441141605, 0.012462322600185871, -0.05696267634630203, 0.005887301173061132, -0.011802389286458492, 0.001325076911598444, -0.014476856216788292, 0.021048404276371002, 0.03314949944615364, 0.006199901457875967, 0.0059150876477360725, -0.015074269846081734, 0.00020394983584992588, 0.002585897222161293, 0.0047028944827616215, -0.04965478181838989, 0.04001280665397644, -0.00259284395724535, 0.016366349533200264, 0.00091001350665465, -0.005248207598924637, -0.01971464417874813, -0.004202734213322401, -0.008245695382356644, -0.016185736283659935], "00e8827b-1fde-4314-9937-17b05d3dcb5a": [0.01527484878897667, 0.049862395972013474, 0.06426069885492325, 0.00019410140521358699, 0.02314937114715576, 0.013126598671078682, 0.06903139501810074, 0.029917437583208084, 0.004479712340980768, 0.02527606673538685, 0.046701088547706604, -0.06230643764138222, -0.016639957204461098, 0.011366327293217182, 0.017243480309844017, -0.0177320446819067, -0.011122044175863266, 0.02280450239777565, -0.03943008929491043, 0.047706957906484604, 0.02837989293038845, 0.04842543974518776, 0.008980979211628437, 0.0197437833994627, 0.04339608922600746, 0.01843615248799324, -0.031181959435343742, 0.02370978333055973, 0.02994617633521557, -0.01602206565439701, 0.030319783836603165, -0.01994495838880539, -0.003983962349593639, -0.007148859091103077, 0.03089456632733345, -0.02109452337026596, -0.03342361003160477, 0.009857522323727608, 0.013622349128127098, -0.05058087408542633, -0.03692978620529175, -0.012839207425713539, -0.03632626309990883, 0.0014369565760716796, -0.021080153062939644, 0.01998806744813919, -0.024629436433315277, 0.009721011854708195, -0.033682264387607574, 0.03215909004211426, -0.04175795987248421, 0.01948513090610504, -0.020764023065567017, 0.02882535010576248, 0.032475218176841736, -0.02064906619489193, -0.024586327373981476, -0.061961568892002106, -0.010231130756437778, -0.023436762392520905, 0.0161801315844059, -0.00838464219123125, -0.03316495940089226, 0.0557539165019989, -0.0032547067385166883, 0.01361516397446394, -0.022215349599719048, 0.02537665329873562, -0.009828783571720123, 0.008312794379889965, 0.008334347978234291, 0.02250274084508419, 0.04575270041823387, -0.017071044072508812, -0.0060459948144853115, -0.005065272096544504, 0.0425051748752594, 0.022632066160440445, 0.006257946137338877, 0.00041312503162771463, 0.03063591569662094, -0.004547967575490475, -0.034630656242370605, -0.012343456968665123, 0.02119510993361473, 0.025132371112704277, -0.051960352808237076, -0.012027326971292496, -0.05029348284006119, -0.034831829369068146, -0.005539467558264732, 0.040723349899053574, -0.054029569029808044, 0.035837698727846146, 0.0076302397064864635, 0.018321197479963303, -0.022818870842456818, 0.016956087201833725, 0.005625685211271048, 0.02938576228916645, 0.029601305723190308, -0.023724153637886047, -0.026109501719474792, -0.048051830381155014, 0.08472295850515366, -0.04011983051896095, -0.021971067413687706, 0.06316861510276794, 0.02827930636703968, -0.02054847963154316, -0.11576122790575027, -0.04621252417564392, -0.019528239965438843, 0.04894274100661278, 0.04112569987773895, -0.01843615248799324, -0.004997016862034798, -0.010267054662108421, -0.006918946281075478, 0.0015366454608738422, -0.030578436329960823, 0.000363505125278607, -0.03741835057735443, -0.03043474070727825, -0.0027122555766254663, 0.01648189313709736, -0.010417935438454151, 0.02807813137769699, -0.07822791486978531, -0.045695219188928604, 0.0054101417772471905, 0.033538568764925, 0.0025308397598564625, -0.016539370641112328, -0.005740641616284847, -0.026138240471482277, -0.018608588725328445, -0.02908400259912014, -0.05540904775261879, -0.040867045521736145, 0.00551432091742754, -0.03141187131404877, -0.0182349793612957, 0.05368470028042793, -0.034630656242370605, -0.010971163399517536, -0.030204828828573227, 0.027460241690278053, -0.038654133677482605, -0.037849437445402145, 0.0034343262668699026, 0.014074989594519138, -0.006843505892902613, 0.011445359326899052, 0.032935045659542084, -0.043482307344675064, -0.0031577120535075665, 0.039918653666973114, -0.03023356758058071, 0.02250274084508419, -0.014297718182206154, -0.032331522554159164, 0.00923963077366352, 0.0028379892464727163, 0.015864001587033272, -0.016510631889104843, 0.0019075599266216159, -0.04305122047662735, -0.058742787688970566, -0.03833800181746483, -0.04948878660798073, -0.018752284348011017, 0.00019578533829189837, -0.041729219257831573, 0.001957853324711323, -0.015361065976321697, 0.023594828322529793, -0.07707834988832474, 0.014592294581234455, -0.023494239896535873, -0.005880745127797127, 0.030319783836603165, -0.02175552397966385, -0.011078935116529465, 0.011969848535954952, -0.024686913937330246, 0.018895979970693588, 0.03396965563297272, -0.020764023065567017, 0.03477435186505318, -0.019772522151470184, 0.03767700120806694, 0.02894030697643757, -0.06644487380981445, -0.05037969723343849, 0.0006690829177387059, 0.03115321882069111, -0.0008442120160907507, -0.0008316386374644935, -0.02008865401148796, 0.022732654586434364, -0.0648929625749588, 0.03595265373587608, 0.004688071087002754, -0.05305243656039238, -0.03261891379952431, 7.605766586493701e-05, -0.05253513529896736, -0.013277479447424412, -0.019125891849398613, 0.034889306873083115, -0.04707469791173935, -0.008600185625255108, 0.054776787757873535, -0.019212109968066216, 0.05641491711139679, -0.019054044038057327, -0.04014856740832329, -0.020620327442884445, -0.018407413735985756, -0.014958718791604042, -0.010058696381747723, 0.022933827713131905, -9.345830767415464e-05, -0.020577218383550644, 0.02817871980369091, -0.016754914075136185, 0.03322243690490723, 0.03451569750905037, -0.034027133136987686, -0.0033768480643630028, 0.011919555254280567, 0.01960008777678013, -0.012573370710015297, 0.030808350071310997, -0.04290752485394478, 0.010188022628426552, -0.021813001483678818, -0.02294819802045822, -0.000939410412684083, 0.0035870028659701347, 0.057047177106142044, 0.014757544733583927, 0.038510438054800034, 0.0003064759075641632, -0.003410975681617856, -8.447733125649393e-05, -0.038797829300165176, 0.020361674949526787, -0.010267054662108421, 0.003958815708756447, 0.042074088007211685, 0.017602719366550446, -0.06316861510276794, -0.02405465394258499, -0.035636525601148605, 0.0040306635200977325, 0.012932609766721725, 0.026008915156126022, -0.04170048236846924, 0.03836674243211746, -0.033136218786239624, -0.032331522554159164, -0.01245841383934021, 0.01429053395986557, 0.023781631141901016, 0.013981588184833527, -0.0054532503709197044, -0.053426045924425125, 0.009527022019028664, -0.010116174817085266, 0.03425704687833786, 0.02882535010576248, 0.026037653908133507, -0.031325653195381165, 0.03399839252233505, 0.02296256646513939, 0.010576000437140465, -0.0024589919485151768, -0.012695511803030968, -0.027445871382951736, 0.0037396796979010105, -0.002970907837152481, 0.03290630504488945, 0.03417082875967026, 0.0212956964969635, 0.016941718757152557, 0.016855500638484955, 0.012702696025371552, 0.03169926255941391, 0.03632626309990883, 0.010690957307815552, -0.0076302397064864635, -0.03968873992562294, 0.024342045187950134, -0.020031174644827843, -0.0020009621512144804, -0.02225845865905285, 0.003561856225132942, 0.01994495838880539, 0.021166371181607246, 0.02656932733952999, -0.018421784043312073, -0.015476022846996784, -0.011215446516871452, 0.032274045050144196, 0.059202611446380615, 0.03532039374113083, -0.020936457440257072, -0.05644365772604942, -0.007260223384946585, 0.012824838049709797, -0.008909131400287151, -0.009929370135068893, -0.013033196330070496, -0.06615748256444931, 0.012199761345982552, -0.020074283704161644, -0.020476631820201874, -0.0076230550184845924, -0.0027032746002078056, -0.018508000299334526, -0.006696217693388462, -0.033078741282224655, -0.013995957560837269, -0.05279378592967987, -0.004684478510171175, 0.023522980511188507, -0.03169926255941391, -0.008032587356865406, -0.024500111117959023, -0.029773741960525513, -0.018349936231970787, -0.0015204796800389886, 0.0014836577465757728, 0.027546457946300507, -0.004781472962349653, 0.020433522760868073, 0.013406804762780666, -2.353297168156132e-05, 0.01183333806693554, -0.05489174276590347, -0.026238827034831047, -0.007429065648466349, 0.014182762242853642, -0.008154728449881077, -0.01686987094581127, 0.04394213482737541, 0.014010326936841011, 0.016410045325756073, -0.020620327442884445, 0.001030118321068585, -0.024428263306617737, 0.03138313069939613, -0.01908278465270996, 0.029428871348500252, 0.03658491373062134, -0.012695511803030968, -0.030664654448628426, 0.016251979395747185, -0.04098200425505638, -0.010403566062450409, 0.05460435152053833, 0.0011890815803781152, 0.00591307645663619, 0.017818262800574303, -0.03270513191819191, -0.024227088317275047, -0.0013049362460151315, -0.016093913465738297, -0.04233274236321449, -0.07368713617324829, 0.011258554644882679, -0.01692734844982624, -0.027963176369667053, 0.00655611464753747, 0.014987457543611526, 0.056932222098112106, 0.021468132734298706, 0.025850849226117134, 0.09794296324253082, -0.005643647164106369, 0.007152451667934656, -0.04121191427111626, 0.042878784239292145, 0.05949000269174576, -0.03043474070727825, -0.018953457474708557, -0.003112807171419263, -0.004756326321512461, 0.04037848114967346, 0.005309554748237133, 0.014656957238912582, -0.057047177106142044, 0.014592294581234455, 0.023494239896535873, -0.024428263306617737, 0.058857742697000504, 0.03391217440366745, -0.04977617785334587, -0.025434132665395737, -0.03618256747722626, -0.04365474358201027, -0.01120107714086771, -0.011948294006288052, 0.04509169980883598, -0.010884946212172508, -0.003384032752364874, 0.04977617785334587, -0.006243576295673847, 0.05058087408542633, -0.0384816974401474, 0.0536559596657753, -0.02807813137769699, 0.026353783905506134, -0.06127183139324188, 0.008686402812600136, 0.06535279005765915, 0.024040283635258675, -0.01918337121605873, 0.007227891590446234, -0.003556467592716217, -0.002645796397700906, -0.04787939414381981, -0.03874035179615021, 0.01054726168513298, 0.02119510993361473, -0.006354940589517355, 0.06230643764138222, -0.07719331234693527, -0.05871404707431793, 0.030406001955270767, -0.0162232406437397, 0.013931293971836567, -0.012199761345982552, -0.02254584990441799, 0.034228306263685226, -0.021525610238313675, 0.01658247970044613, 0.03350982815027237, 0.0056185005232691765, -0.002469769213348627, -0.0019434838322922587, 0.006186098325997591, -0.011905185878276825, 0.0191977396607399, 0.00014459375233855098, 0.0003949385427404195, 0.01958571933209896, 0.011337587609887123, -0.044373221695423126, 0.010317348875105381, 0.032331522554159164, 0.02918458916246891, -0.025405392050743103, -0.075124092400074, 0.017214739695191383, -0.006513006053864956, -0.016410045325756073, -0.01388818584382534, 0.005248484201729298, 0.08788426965475082, 0.05118439346551895, 0.07702087610960007, 0.008061327040195465, 0.019298328086733818, -0.06224896013736725, -0.00012393751239869744, 0.003617538372054696, -0.04164300113916397, -0.0001466144749429077, 0.03043474070727825, 0.039573784917593, 0.010963979177176952, -0.017200371250510216, -0.057593222707509995, 0.029773741960525513, -0.054029569029808044, 0.003384032752364874, -0.0065453373827040195, 0.020979566499590874, -0.04279256984591484, -0.03776321932673454, -0.003667831653729081, 0.02954382821917534, 0.06500791758298874, 0.00821220688521862, -0.0202898271381855, 0.023738523945212364, 0.01903967559337616, 0.0343720018863678, 0.0009102221811190248, 0.03520543873310089, -0.017803892493247986, -0.002471565268933773, -0.04621252417564392, -0.06299617886543274, -0.012192577123641968, -0.07506661117076874, -0.01587837003171444, -0.03853917494416237, -0.020031174644827843, 0.03190043568611145, 0.02988869696855545, 0.05244891718029976, -0.00629027746617794, 0.02822182886302471, -0.008564261719584465, -0.009692272171378136, 0.0017566794995218515, -0.005050902720540762, 0.010015587322413921, 0.009383326396346092, 0.0060783266089856625, -0.0333661325275898, 0.029716262593865395, 0.043626002967357635, 0.03075087070465088, -0.02914148010313511, 0.01158187072724104, -0.032072871923446655, 0.03894152492284775, 0.02185611054301262, -0.0009789266623556614, -0.03695852309465408, -0.019298328086733818, -0.022114763036370277, -0.053368568420410156, -0.013061936013400555, -0.04675856977701187, 0.005058087408542633, -0.05828296020627022, 0.027417132630944252, 0.03632626309990883, 0.0056616091169416904, -0.04276382923126221, -0.015231739729642868, -0.02471565455198288, -0.001718061277642846, 0.005783750209957361, -0.024988675490021706, -0.01296134851872921, 0.05029348284006119, 0.007159636355936527, 0.030664654448628426, -0.00602803286164999, -0.01632382720708847, -0.026899827644228935, -0.0022021359764039516, -0.056041307747364044, 0.03296378627419472, -0.009778489358723164, 0.01789011061191559, -0.008118804544210434, -0.004361163359135389, 0.05727709084749222, -0.004479712340980768, 0.02562093734741211, -0.012602109462022781, 0.002157231094315648, -0.0032385410740971565, -0.014944348484277725, -0.005255668889731169, -0.006610000506043434, -0.0013749878853559494, 0.050609610974788666, 0.014355196617543697, -0.03497552499175072, -0.008276870474219322, 0.010087435133755207, 0.012616478838026524, -0.018349936231970787, -0.0068291365168988705, -0.0019812039099633694, 7.151104364311323e-05, -0.004781472962349653, -0.034027133136987686, 0.0177751537412405, 0.03894152492284775, 0.003696570871397853, -0.011122044175863266, -0.027503348886966705, 0.01504493597894907, 0.009764119982719421, -0.0576794371008873, -0.00859300047159195, -0.007565576583147049, 0.02922769822180271, -0.00462340796366334, 0.019513871520757675, 0.018464893102645874, 0.004080956801772118, 0.020476631820201874, 0.05661609023809433, 0.01698482781648636, 0.002714051865041256, -0.008521152660250664, 0.013140968047082424, 0.028149979189038277, -0.0043755327351391315, 0.032475218176841736, -0.022172240540385246, -0.008607369847595692, -0.01205606572329998, -0.013033196330070496, -0.013694196939468384, 0.01658247970044613, -0.018062544986605644, -0.009060011245310307, 0.004594668745994568, 0.004066587425768375, -0.000511466758325696, 0.013349327258765697, -0.014312087558209896, -0.015605349093675613, 0.03008987195789814, 0.013995957560837269, -0.005844821222126484, 0.010590369813144207, 0.03773448243737221, 0.0012025530450046062, -0.00526285357773304, -0.02586521953344345, 0.012135098688304424, 0.0456090047955513, -0.005543060135096312, -0.013478653505444527, -0.01232908759266138, -0.03802187368273735, -0.0064627123065292835, -0.005999293643981218, -0.017703305929899216, 0.04376969859004021, -0.019513871520757675, -0.007249446120113134, 0.023120632395148277, 0.0047096251510083675, 0.02435641549527645, -0.004339608829468489, -0.00487128272652626, 0.02948634885251522, -0.02294819802045822, 0.021223848685622215, -0.0033732557203620672, 0.04095326364040375, -0.0157203059643507, -0.013320587575435638, -0.00669262558221817, 0.025850849226117134, -0.013916924595832825, -0.00011299194011371583, -0.043281134217977524, 0.0020656250417232513, -0.022272827103734016, 0.0363837406039238, -0.007385957054793835, -0.008154728449881077, 0.018508000299334526, 0.0003695672785397619, 0.01682676188647747, -0.043683480471372604, 0.012724250555038452, 0.014060620218515396, 0.0030643099453300238, -0.016151392832398415, 0.009361772798001766, 0.021022675558924675, 0.008427750319242477, 0.007680532988160849, -0.014096544124186039, -0.06736452877521515, 0.003779195947572589, -0.0217986311763525, 0.026037653908133507, -0.011840522289276123, -0.009670717641711235, 0.025304805487394333, -0.0576794371008873, -0.04144182801246643, 0.04098200425505638, -0.0024625842925161123, -0.024327674880623817, -0.022933827713131905, 0.029457610100507736, -0.011747119948267937, -0.019327066838741302, 0.0608694814145565, 0.003486416069790721, 0.01686987094581127, 0.008485228754580021, -0.008025403134524822, 0.009483913891017437, -0.019212109968066216, -0.028652915731072426, 0.031871698796749115, 0.04285004734992981, -0.02008865401148796, 0.009110304526984692, 0.008449304848909378, -0.037906914949417114, 0.017344066873192787, 0.015964588150382042, 0.0001416749437339604, -0.030463479459285736, -0.027302175760269165, -0.02149687148630619, -0.027647044509649277, 0.021611828356981277, 0.04385591670870781, -0.011761490255594254, 0.020634697750210762, 0.03592391684651375, -0.0027463834267109632, 0.0186948049813509, -0.011538761667907238, 0.02044789306819439, 0.0045767067931592464, -0.037245914340019226, 0.034630656242370605, -0.0009753343183547258, -0.014175577089190483, 0.03259017691016197, -0.0384816974401474, 0.00859300047159195, -0.008032587356865406, 0.00743625033646822, -0.0192839577794075, 0.00668184831738472, 0.009606054984033108, 0.012673957273364067, -0.010978348553180695, -0.020505370572209358, -0.007091381121426821, 0.02822182886302471, -0.023882219567894936, 0.018809761852025986, -0.04394213482737541, -0.013744490221142769, -0.006735734175890684, -0.014757544733583927, 0.021223848685622215, 0.017142891883850098, 0.026655545458197594, 0.0038510437589138746, -0.015806522220373154, 0.0023135000374168158, 0.0028559511993080378, 0.016151392832398415, -0.014154022559523582, -0.004328832030296326, 0.007044679950922728, 0.014024696312844753, -0.002067421330139041, -0.01658247970044613, 0.045235395431518555, 0.0012851781211793423, -0.00786015298217535, 0.030607175081968307, 0.003473842516541481, 0.010748435743153095, 0.012602109462022781, 0.05552400276064873, 0.004677293822169304, -0.0049503156915307045, -0.020462261512875557, 0.018867241218686104, -0.016251979395747185, -0.010475413873791695, 0.02863854542374611, 0.00398036977276206, -0.030262306332588196, 0.007500913459807634, 0.0012995476135984063, -0.009649164043366909, 0.07420443743467331, -0.03218782693147659, 0.013643902726471424, -0.05612752586603165, 0.010324533097445965, -0.009670717641711235, -0.002936779987066984, -0.03063591569662094, -0.023781631141901016, 0.0006744714919477701, -0.029270805418491364, 0.012824838049709797, -0.02286197990179062, -0.021338805556297302, -0.00768771767616272, -0.004188728518784046, 0.029515089467167854, -8.262500341515988e-05, -0.04014856740832329, -0.001705487840808928, 0.01607954502105713, 0.024988675490021706, 0.028868459165096283, -0.06541026383638382, 0.01793321780860424, 0.031009523198008537, 0.02004554495215416, 0.05190287157893181, -0.008578631095588207, 0.03362478315830231, 0.0033445165026932955, 0.07179035246372223, -0.02441389299929142, -0.029773741960525513, -0.026310674846172333, -0.010870576836168766, -0.010029957629740238, 0.01351457741111517, 0.0027643453795462847, -0.009864707477390766, -0.01462103333324194, 0.011237001046538353, 0.01577778346836567, -0.02632504515349865, -0.03876908868551254, -0.02541976235806942, 0.011739935725927353, -0.04379843920469284, -0.030923306941986084, -0.016352565959095955, -0.010223946534097195, 0.01899656653404236, -0.02421271987259388, 0.010360457003116608, 0.02908400259912014, -0.019715044647455215, -0.012257239781320095, -0.008837283588945866, -0.01321281585842371, -0.029428871348500252, -0.0006843506125733256, 0.017502130940556526, -0.012091989628970623, 0.015835262835025787, -0.017516501247882843, -0.0003617089241743088, 0.0217986311763525, -0.00643038097769022, -0.03359604626893997, 0.0041671739891171455, 0.023695414885878563, -0.0038402664940804243, -0.01698482781648636, -0.03190043568611145, 0.02963004633784294, 0.010834652930498123, 0.014398305676877499, -0.04632748290896416, -0.028796611353754997, -0.027144109830260277, 0.03273387253284454, -0.012149468064308167, -0.02475876174867153, 0.003515155054628849, 0.016711805015802383, 0.007181190885603428, -0.04164300113916397, -0.022588957101106644, -0.016754914075136185, -0.003450492164120078, 0.004666516557335854, -0.027488980442285538, 0.060007307678461075, -0.019054044038057327, -0.0060028862208127975, -0.014678511768579483, 0.022287197411060333, -0.0029906658455729485, 0.06259383261203766, -0.0202467180788517, -0.006624369882047176, 0.0192408487200737, 0.01319126132875681, 0.018407413735985756, -0.0013651087647303939, -0.00949828326702118, 0.009958108887076378, -0.008154728449881077, 0.01728658750653267, -0.01255900040268898, -0.01064784824848175, 0.014067805372178555, -0.011488468386232853, 0.022617697715759277, 0.024298936128616333, -0.013816338032484055, -0.008269685320556164, -0.04103948175907135, 0.011258554644882679, -0.03276260942220688, -0.022517109289765358, 0.06414574384689331, 0.007350033149123192, 0.0212525874376297, -0.013830707408487797, 0.008319978602230549, -0.029515089467167854, 0.03379721939563751, -0.005981331691145897, -0.003103826195001602, 0.011272924952208996, 0.004605446010828018, -0.030808350071310997, 0.02968752384185791, 0.021266957744956017, 0.044430699199438095, -0.0022650028113275766, -0.05908765643835068, 0.04184417799115181, 0.004788658116012812, 0.01692734844982624, 0.031670525670051575, -0.047505784779787064, 0.005173043813556433, 0.03425704687833786, -0.036843568086624146, 0.02467254549264908, -0.015203000977635384, 0.0167261753231287, 0.021784262731671333, 0.0016668696189299226, -0.01537543535232544, 0.010633478872478008, 0.01829245686531067, -0.010863391682505608, -0.01477191410958767, 0.01682676188647747, 0.01477191410958767, -0.00959886983036995, 0.02988869696855545, 0.02008865401148796, -0.02968752384185791, 0.0035187473986297846, 0.00038775376742705703, 0.040062349289655685, -0.0011630367953330278, 0.0029044486582279205, 0.02345113269984722, 0.013090674765408039, 0.012408120557665825, 0.016108283773064613, -0.002338646911084652, 0.0008442120160907507, -0.029055261984467506, -0.0018357121152803302, 0.02612387202680111, 0.011330402456223965, -0.009476728737354279, -0.036038871854543686, -0.013873816467821598, -0.03391217440366745, -0.008873207494616508, 0.004641369916498661, -0.009936555288732052, 0.023479871451854706, -0.014340827241539955, 0.006250761449337006, 0.01732969656586647, -0.013830707408487797, -0.02240215428173542, 0.015792153775691986, -0.0021177148446440697, 0.007429065648466349, -0.007903261110186577, 0.037102218717336655, -0.002478750189766288, -0.02666991390287876, 0.04983365535736084, -0.013457098975777626, 0.025649676099419594, 0.008923500776290894, 0.019628826528787613, 0.01411809865385294, 0.0006825543823651969, 0.022790132090449333, 0.02215787023305893, -0.004397087264806032, 0.007152451667934656, 0.03279135003685951, 0.004580299369990826, -0.02511800080537796, -0.0047096251510083675, -0.0011495653307065368, 0.0018393044592812657, 0.02628193609416485, 0.000186130782822147, -0.01454200129956007, -0.022445261478424072, -0.03908522054553032, -0.02064906619489193, 0.004727587103843689, -0.0036229267716407776, -0.047505784779787064, -0.0046593318693339825, 0.0354640893638134, 0.03241774067282677, 0.02672739326953888, -0.003479231148958206, 0.02467254549264908, -0.0012285979464650154, 0.02536228485405445, -0.00666747847571969, 0.01128010917454958, -0.028925936669111252, -0.00527363084256649, -0.008305609226226807, -0.0027876957319676876, -0.03008987195789814, -0.004318054765462875, 0.002304519060999155, -0.043079961091279984, -0.002374570816755295, -0.009721011854708195, -0.015246110036969185, 0.01554787065833807, -0.02537665329873562, -0.02386784926056862, 0.000898097874596715, -0.017042305320501328, 0.0028020653408020735, -0.0021338805090636015, 0.015217370353639126, 0.001984796253964305, 0.017459023743867874, 0.02189921960234642, -0.010827467776834965, -0.02465817518532276, -0.009469544515013695, -0.002636815421283245, -0.003707348136231303, 0.018709175288677216, 0.017200371250510216, -0.016208870336413383, 0.025735892355442047, -0.011998587287962437, -0.07483670115470886, -0.019370175898075104, 7.207235466921702e-05, 0.04647117853164673, 0.02165493555366993, -0.01809128373861313, 0.014585109427571297, 0.0008226576610468328, -0.04690226539969444, 0.027101002633571625, -0.021927958354353905, -0.01477191410958767, 0.029716262593865395, -0.02155434899032116, 0.013176891952753067, 0.018062544986605644, -0.012673957273364067, 0.035291653126478195, -0.015634087845683098, 0.016568109393119812, 0.0019524648087099195, 0.009922184981405735, 0.003869005711749196, -0.03442947939038277, -0.02477313205599785, 0.013169707730412483, 0.0006645924295298755, 0.008557076565921307, 0.002239856170490384, 0.02415524050593376, -0.009333033114671707, 0.016151392832398415, -0.008650478906929493, 0.046442437916994095, -0.015001826919615269, 0.03532039374113083, -0.0011881835525855422, 0.013291848823428154, -0.025606567040085793, 0.010223946534097195, 0.018263718113303185, -0.007752380799502134, -0.011919555254280567, -0.004253391642123461, 0.0033247582614421844, -0.013909740373492241, -0.02934265322983265, 0.011387880891561508, 0.025937067344784737, 0.008140359073877335, 0.04621252417564392, -0.0036229267716407776, 0.010453859344124794, 0.00934740249067545, 0.03095204569399357, 0.010080250911414623, 0.03681482747197151, -0.0069656469859182835, 0.014534816145896912, 0.01914026215672493, -0.006398049183189869, 0.003764826338738203, 0.022143501788377762, 0.00477069616317749, 0.0013678030809387565, -0.015619718469679356, -0.01899656653404236, 0.005402957089245319, -0.01662558875977993, -0.007263815496116877, 0.01319126132875681, 0.007946370169520378, -0.0013687012251466513, -0.0013830707175657153, -0.019729414954781532, 0.017171630635857582, -0.01258774008601904, -0.008542707189917564, -0.011466913856565952, 0.0023404431995004416, -0.0031702856067568064, 0.04055091738700867, -0.021065784618258476, -0.006663886364549398, -0.027905697003006935, -0.011186706833541393, 0.004210283048450947, 0.006214837543666363, 0.03376847878098488, 0.003563652513548732, 0.00871514156460762, 0.025046152994036674, 0.016165761277079582, 0.00656689191237092, -0.049201395362615585, -0.014082174748182297, -0.010116174817085266, 0.013220001012086868, -0.012781728990375996, 0.014477337710559368, -0.031469348818063736, 0.0032475220505148172, 0.008801359683275223, -0.027690153568983078, -0.006908169016242027, -0.010058696381747723, -0.0172291100025177, -0.016697436571121216, 0.0822513997554779, -0.01197703368961811, 0.012451228685677052, -0.012508707121014595, 0.017056675627827644, -0.03713095933198929, -0.0025021007750183344, 0.00565083185210824, -0.00987189169973135, 0.014556370675563812, -0.02381037175655365, 0.013220001012086868, -0.00043490389361977577, 0.032877568155527115, -0.003062513889744878, 0.023839110508561134, -0.018752284348011017, 0.008399011567234993, -0.015389805659651756, 0.003912114538252354, 0.02049100212752819, -0.010841838084161282, 0.03876908868551254, 0.008549891412258148, -0.03635500371456146, -0.013995957560837269, 0.023752892389893532, 0.013047565706074238, -0.006308239419013262, -0.008916315622627735, 0.0035043780226260424, -0.017114153131842613, 0.03592391684651375, -0.008319978602230549, -0.015634087845683098, -0.040062349289655685, 0.007745196111500263, 0.008147544227540493, 0.016568109393119812, -0.016510631889104843, 0.0034433072432875633, 0.012257239781320095, 0.013730120845139027, 0.01702793501317501, -0.021913588047027588, 0.015432913787662983, -0.001252846559509635, -0.0007337459828704596, 0.008248130790889263, 0.0020961605478078127, -0.03707348182797432, -0.010288609191775322, 0.019916217774152756, -0.008794174529612064, -0.0009636590257287025, -0.02205728366971016, -0.015030566602945328, 0.016208870336413383, 0.010489783249795437, -0.0012375789228826761, 0.003527728607878089, -0.013701381161808968, 0.015203000977635384, -0.017013566568493843, 0.02119510993361473, -0.00796073954552412, 0.011883631348609924, -0.012393751181662083, -0.0029206143226474524, 0.0037899729795753956, 0.004986239597201347, 0.023178109899163246, 0.028092501685023308, -0.003445103531703353, -0.026957307010889053, 0.020131763070821762, -0.002748179482296109, 0.0038402664940804243, 0.027417132630944252, 0.014470153488218784, 0.0009546780493110418, -0.01117952261120081, -0.006074734032154083, 0.023882219567894936, -0.004307277500629425, 0.03256143629550934, 0.046241264790296555, 0.006056772079318762, -0.013033196330070496, -0.01883850060403347, -0.019154632464051247, 0.014829392544925213, 0.03736087307333946, 0.02908400259912014, 0.01067658793181181, -0.019298328086733818, -0.020965196192264557, 0.03451569750905037, 0.013148153200745583, -0.027115371078252792, -0.013780414126813412, -0.017473392188549042, 0.011208261363208294, 0.014498892240226269, -0.044603131711483, -0.00211591855622828, -0.018048174679279327, -0.013198446482419968, -0.004946723114699125, 0.012465598993003368, -0.01178304385393858, 0.0015986142680048943, -0.007148859091103077, -0.01914026215672493, -0.007644609082490206, 0.027920067310333252, 0.02562093734741211, -0.01089931558817625, -0.010338902473449707, -0.002498508431017399, 0.005226929672062397, 0.04989113286137581, -0.024586327373981476, 0.006750103551894426, 0.010856207460165024, 0.010195206850767136, 0.017200371250510216, -0.01298290304839611, 0.016295088455080986, 0.0217986311763525, 0.012091989628970623, 0.058599092066287994, 0.012537446804344654, -0.00048003331176005304, -0.025994544848799706, -0.013342142105102539, -0.015490392223000526, -0.0031631006859242916, -0.003082271898165345, 0.013751674443483353, -0.026296306401491165, 0.015662826597690582, -0.005370625294744968, 0.013528946787118912, 0.015691565349698067, 0.02356608770787716, -0.047390829771757126, 0.010108989663422108, 0.013550501316785812, -0.00811162032186985, -0.03727465495467186, 0.02707226201891899, 0.014987457543611526, 0.00959886983036995, 0.019657567143440247, -0.04224652424454689, 0.02169804461300373, 0.016165761277079582, -0.016654327511787415, 0.002358405152335763, -0.017602719366550446, 0.00949828326702118, -0.04474682733416557, -0.009124674834311008, -0.008901946246623993, 0.011876446194946766, -0.010432304814457893, -0.025031784549355507, 0.010985533706843853, 0.009613240137696266, 0.0006048689247108996, -0.022588957101106644, -0.018019435927271843, 0.006365717854350805, -0.023752892389893532, -0.005431695841252804, 0.014434229582548141, 0.035234175622463226, -0.021037044003605843, -0.009052827022969723, 0.009821598418056965, -0.005241299048066139, 0.007479359395802021, -0.0038043425884097815, 0.018062544986605644, 0.022588957101106644, -0.008355902507901192, -0.007608685176819563, 0.01763145811855793, 0.005428103730082512, 0.03917143866419792, -0.027618305757641792, -0.0014243832556530833, -0.010159282945096493, 0.014534816145896912, -0.002784103387966752, -0.012781728990375996, 0.016352565959095955, 0.020620327442884445, -0.0072961472906172276, 0.004892837256193161, 0.000762036070227623, -0.041872914880514145, -0.008061327040195465, -0.037504568696022034, -0.020332936197519302, -0.014606663957238197, -0.013780414126813412, 0.008140359073877335, -0.0007005163352005184, -0.001988388830795884, -0.009210892021656036, -0.002929595299065113, 0.021281328052282333, 0.0303485244512558, -0.005345478653907776, -0.022574588656425476, 0.00979285966604948, 0.020476631820201874, -0.03974622115492821, 0.0031433426775038242, -0.009663533419370651, 0.011905185878276825, -0.05092574283480644, 0.010942424647510052, -0.016194501891732216, 0.036038871854543686, -0.016410045325756073, 0.036498699337244034, -0.01514552254229784, 0.053282350301742554, -0.033538568764925, 0.0045767067931592464, 0.00979285966604948, -0.020261088386178017, -0.0018536740681156516, -0.011323218233883381, 0.018924718722701073, -0.009950924664735794, -0.01843615248799324, -0.0006663886015303433, 0.005230522248893976, 0.005834043957293034, -0.011488468386232853, 0.0056292773224413395, 0.00078673375537619, 0.02743150107562542, 0.0007036596653051674, -0.015590979717671871, -0.008528337813913822, 0.03138313069939613, 0.0005770279094576836, 0.026942936703562737, -0.00616813637316227, -0.0033984023611992598, -0.026583697646856308, 0.008427750319242477, -0.006645924411714077, 0.01934143528342247, 0.008298424072563648, -0.03486056625843048, -0.010367642156779766, 0.006969239562749863, 0.000255733379162848, 0.007565576583147049, 0.01698482781648636, 0.01183333806693554, -0.02296256646513939, -0.03043474070727825, 0.023839110508561134, -0.010152098722755909, -0.006099880672991276, 0.006548929959535599, 0.001482759602367878, 0.036441218107938766, 0.008003848604857922, 0.014987457543611526, 0.02391095831990242, -0.022919457405805588, 0.022976936772465706, 0.02672739326953888, 0.017918849363923073, 0.00641601113602519, -0.021482501178979874, -0.005316739436239004, 0.020016806200146675, -0.0014100136468186975, 0.016841132193803787, 0.010403566062450409, 4.0077618905343115e-05, 0.01373730506747961, 0.034831829369068146, 0.0021464538294821978, -0.021137632429599762, 0.0025164703838527203, 0.006915353704243898, -0.004479712340980768, 0.006433973088860512, 0.028394263237714767, 0.00911748968064785, -0.03141187131404877, -0.013952848501503468, 0.016812391579151154, 0.015476022846996784, 0.05612752586603165, 0.008054141886532307, 0.014757544733583927, -0.004630592651665211, 0.0017090803012251854, -0.007371587213128805, -0.0024895272217690945, 0.008068511262536049, 0.0036857936065644026, -0.012091989628970623, 0.029859958216547966, 0.013837892562150955, 0.023724153637886047, 0.009340218268334866, 0.0024589919485151768, 0.031325653195381165, 0.015461653470993042, 0.013255924917757511, 0.0425051748752594, 0.013119413517415524, 0.09133296459913254, -0.021726783365011215, -0.03592391684651375, -0.015332327224314213, 0.0021320844534784555, -0.026713022962212563, 0.04132687300443649, 0.022818870842456818, 0.030406001955270767, -0.0016363343456760049, 0.0019165409030392766, -0.0017081821570172906, 0.012508707121014595, 0.036843568086624146, 0.008880391716957092, 0.013507392257452011, -0.011675272136926651, -0.028954675421118736, -0.03158430755138397, 0.00824094656854868, -0.01968630589544773, 0.02386784926056862, 0.035234175622463226, 0.01954261027276516, -0.006103473249822855, -0.015461653470993042, 0.03075087070465088, 0.0506383515894413, -0.016395675018429756, 0.011969848535954952, -0.01914026215672493, -0.022488370537757874, 0.014714435674250126, 0.011761490255594254, 0.040464699268341064, -0.012149468064308167, -0.024528849869966507, -0.01648189313709736, -0.025735892355442047, 0.042620133608579636, 0.00378638063557446, 0.02837989293038845, -0.05796682834625244, 0.0019291142234578729, -0.019226480275392532, 0.02270391397178173, -0.03451569750905037, 0.018076913431286812, 0.03486056625843048, -0.012465598993003368, 0.021539980545639992, -0.016510631889104843, 0.00021251241560094059, 0.008161913603544235, -0.03299252316355705, -0.042476437985897064, 0.03888404741883278, 0.008643293753266335, 0.026296306401491165, -0.00783859845250845, -0.013255924917757511, -0.008305609226226807, -0.0038402664940804243, 0.0025972991716116667, -0.022646436467766762]}, "text_id_to_ref_doc_id": {"cb7d35e2-7643-4351-a5c9-f73e106da74b": "216d112e-3882-498a-9a6e-4b171089ac92", "a81795a9-669b-470c-8f84-ba33adf7596d": "216d112e-3882-498a-9a6e-4b171089ac92", "3f418996-ec74-436a-bacf-f32d9af850aa": "216d112e-3882-498a-9a6e-4b171089ac92", "c742b29b-bab3-4abc-805d-f470b49e46e3": "216d112e-3882-498a-9a6e-4b171089ac92", "3971ba22-57eb-45e7-9d42-5e47a94a33fa": "216d112e-3882-498a-9a6e-4b171089ac92", "138b76dd-e345-4d31-a006-e48048a69469": "216d112e-3882-498a-9a6e-4b171089ac92", "fd292866-84f1-402a-9736-1d48ba26f405": "216d112e-3882-498a-9a6e-4b171089ac92", "00e8827b-1fde-4314-9937-17b05d3dcb5a": "216d112e-3882-498a-9a6e-4b171089ac92"}, "metadata_dict": {"cb7d35e2-7643-4351-a5c9-f73e106da74b": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "a81795a9-669b-470c-8f84-ba33adf7596d": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "3f418996-ec74-436a-bacf-f32d9af850aa": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "c742b29b-bab3-4abc-805d-f470b49e46e3": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "3971ba22-57eb-45e7-9d42-5e47a94a33fa": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "138b76dd-e345-4d31-a006-e48048a69469": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "fd292866-84f1-402a-9736-1d48ba26f405": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "00e8827b-1fde-4314-9937-17b05d3dcb5a": {"_node_type": "TextNode", "document_id": "216d112e-3882-498a-9a6e-4b171089ac92", "doc_id": "216d112e-3882-498a-9a6e-4b171089ac92", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}}} \ No newline at end of file +{"embedding_dict": {"d6b5ab1d-0961-4e99-a108-30d70f8abef2": [0.012084622867405415, 0.04756805673241615, 0.006023671943694353, 0.018341287970542908, 0.03852167725563049, -0.00790315680205822, 0.016303367912769318, -0.015060733072459698, -0.0277604591101408, 0.03230850398540497, 0.0288788303732872, -0.018664373084902763, -0.03675713390111923, 0.020267372950911522, 0.03606126084923744, 0.003976431209594011, -0.03203512355685234, 0.041205767542123795, -0.08136772364377975, 0.023187564685940742, 0.020143108442425728, 0.0183040089905262, 0.030618518590927124, 0.0162288099527359, 0.03454524651169777, 0.023572780191898346, -0.006325010675936937, 0.02005612477660179, -0.0003116294974461198, -0.01670101098716259, 0.009941077791154385, -0.004995391704142094, -0.025598274543881416, 0.004405139945447445, 0.02773560769855976, -0.05900029465556145, -0.03968975320458412, -0.006203853990882635, 0.008741935715079308, -0.020689867436885834, -0.016825273633003235, -0.03496774286031723, 0.01197899878025055, 0.017048947513103485, -0.017434164881706238, 0.08106949180364609, -0.046399980783462524, -0.00892833061516285, -0.046623654663562775, 0.003370646620169282, -0.059497348964214325, 0.032606735825538635, -0.020379209890961647, 0.022268014028668404, -0.022876905277371407, 0.010494050569832325, 0.012513332068920135, 0.015321685932576656, -0.026567529886960983, -5.708353273803368e-05, 0.006265985779464245, 0.022889330983161926, -0.027412522584199905, 0.0573103129863739, 0.003647133009508252, 0.0023905185516923666, -0.025399453938007355, 0.02075199969112873, -0.018614668399095535, 0.027039730921387672, 0.02708943746984005, 0.040758419781923294, 0.00659839017316699, -0.01600513607263565, -0.023125432431697845, 0.017222916707396507, -0.011003530584275723, -0.00756143219769001, 0.04011224955320358, -0.005010924302041531, 0.01048783678561449, -0.01937267556786537, -0.0667046308517456, -0.047021299600601196, -0.0055328309535980225, 0.023746749386191368, -0.07172487676143646, -0.048835545778274536, -0.022640803828835487, -0.01713593304157257, 0.027859870344400406, 0.06605846434831619, -0.042771488428115845, 0.03320319950580597, 0.012438773177564144, 0.010810921899974346, -0.020217666402459145, 0.008294587023556232, -0.022976316511631012, 0.05795648321509361, 0.031960565596818924, -0.02346094325184822, -0.012811563909053802, -0.014936469495296478, 0.06168438866734505, 0.0009436257532797754, -0.01185473520308733, 0.05062493681907654, -0.022839626297354698, -0.022230735048651695, -0.07495572417974472, -0.025598274543881416, 0.01558263972401619, 0.0036347066052258015, 0.011457092128694057, -0.004156613256782293, 0.029276473447680473, -0.03608611226081848, -0.0037993555888533592, -0.04853731393814087, -0.026020770892500877, -0.037129923701286316, 0.012171607464551926, -0.03069307841360569, -0.0234485175460577, 0.035812731832265854, 0.020491046831011772, 0.006138615310192108, -0.058155305683612823, 0.013072517700493336, 0.028282366693019867, 0.017483871430158615, 0.01074257679283619, 0.0037154778838157654, -0.03852167725563049, -0.015371391549706459, -0.01829158328473568, 0.028108397498726845, -0.04744379222393036, -0.01583116687834263, -0.02870486117899418, -0.03337716683745384, -0.013171928003430367, 0.05547121539711952, -0.006778572220355272, -0.05258830264210701, 0.010450557805597782, -0.009655271656811237, 0.00949372909963131, -0.033526286482810974, 0.0144394151866436, 0.0025132286828011274, -0.010692872107028961, 0.0067040142603218555, 0.013830524869263172, -0.032184239476919174, 0.028406629338860512, 0.0642690658569336, -0.004743758123368025, 0.03476892039179802, -0.028804272413253784, -0.00824488140642643, -0.005650881212204695, -0.048860397189855576, -0.014364857226610184, -0.019310543313622475, -0.008965609595179558, -0.01138253416866064, -0.02666694112122059, -0.02237985096871853, -0.016850126907229424, -0.04828878492116928, -0.025337321683764458, -0.048413049429655075, 0.001077209017239511, -0.009903798811137676, -0.0009878946002572775, -0.020391635596752167, -0.025213059037923813, -0.017980923876166344, -0.009220349602401257, 0.009406744502484798, -0.03996313363313675, -0.017434164881706238, 0.015508081763982773, -0.0017676479183137417, -0.0035632550716400146, 0.0189750324934721, -0.0119479326531291, 0.015483228489756584, -0.026517825201153755, 0.033029232174158096, 0.004967432469129562, -0.08380328863859177, -0.05487474799156189, -0.07669541239738464, 0.024964531883597374, -0.04709585756063461, -0.0011463304981589317, 0.01559506542980671, 0.008505834266543388, -0.03588728979229927, 0.022007061168551445, -0.009195497259497643, 0.007959075272083282, -0.012594102881848812, -0.004128654021769762, -0.0239579975605011, 0.010755003429949284, -0.01599270850419998, 0.035812731832265854, -0.04115606099367142, 0.013693834654986858, 0.031712036579847336, -0.04674791917204857, 0.010344933718442917, -0.04316912963986397, -0.007114083971828222, -0.015508081763982773, 0.016539467498660088, -0.010599673725664616, -0.011537862941622734, 0.040087394416332245, -0.015657197684049606, 0.025573423132300377, 0.04379044845700264, 0.05696237459778786, 0.020180387422442436, 0.014190888032317162, -0.003077074186876416, -0.03561390936374664, -0.012513332068920135, 0.024231376126408577, 0.031687185168266296, 0.04498337581753731, -0.05581915006041527, 0.04130517691373825, 0.007865877822041512, -0.02484026737511158, -0.043218836188316345, 0.0021186922676861286, 0.028058692812919617, -0.019235985353589058, 0.07555218786001205, 0.02977352775633335, -0.0021497581619769335, 0.002988536609336734, -0.01898745819926262, -0.01578146032989025, -0.025213059037923813, 0.02915221080183983, 0.018900474533438683, 0.0244053453207016, -0.038695644587278366, -0.02280234731733799, -0.04699644446372986, 0.0002879417734220624, 0.034445833414793015, -0.0027710753493010998, -0.07604924589395523, 0.027636196464300156, 0.011898227035999298, -0.021298758685588837, -0.026791203767061234, -0.015682050958275795, 0.020143108442425728, 0.012718366459012032, 0.04582836851477623, -0.009332186542451382, 0.004992284812033176, -0.012476052157580853, -0.03250732272863388, 0.01713593304157257, 0.017036521807312965, 0.0011960358824580908, -0.004967432469129562, 0.015184996649622917, 0.012326936237514019, 0.005122761707752943, 0.003091053804382682, -0.02418167144060135, 0.03128954395651817, 0.022056765854358673, 0.01150679774582386, 0.003268129425123334, 0.010108833201229572, -0.04722011834383011, 0.019223559647798538, -0.03548964858055115, 0.04172767326235771, 0.011363894678652287, -0.02101295255124569, -0.04717041552066803, -0.009232776239514351, 0.030196024104952812, 0.009990783408284187, 0.015321685932576656, 0.0035725748166441917, -0.010214457288384438, 0.03230850398540497, -0.0022600418888032436, -0.02006855048239231, -0.05072434991598129, -0.018192172050476074, -0.0036657724995166063, 0.027263406664133072, 0.03792520985007286, 0.05124625563621521, 0.026120182126760483, -0.029748674482107162, -0.001258944277651608, -0.00513518787920475, 0.0669531598687172, -0.04215016961097717, -0.05706178769469261, -0.025871654972434044, 0.030543960630893707, 0.012432560324668884, -0.0014764054212719202, -0.008505834266543388, -0.010239309631288052, 0.016874980181455612, -0.005977073218673468, -0.026567529886960983, -0.009531008079648018, -0.052936237305402756, 0.037999771535396576, -0.0011043916456401348, -0.008201389573514462, 0.011059449054300785, 0.0073253316804766655, -0.03889446705579758, -0.0027244766242802143, 0.049307744950056076, -0.015843592584133148, 0.03046940267086029, -0.0173471812158823, 0.040509890764951706, 0.0038832335267215967, 0.009611779823899269, -0.011525437235832214, -0.022914184257388115, 0.01253197155892849, 0.017322327941656113, 0.018875621259212494, -0.017757249996066093, -0.005175573751330376, 0.004035456106066704, 0.011022170074284077, 0.04677277058362961, -0.009760895743966103, 0.014737647958099842, -0.04021165892481804, -0.019037164747714996, -0.01626608893275261, 0.0216591227799654, 0.026567529886960983, 0.00287825264967978, -0.013333470560610294, 0.012861269526183605, -0.062181442975997925, -0.023572780191898346, 0.026244444772601128, 0.006648095790296793, 0.012513332068920135, 0.038919318467378616, -0.0550735704600811, -0.03703051432967186, 0.031239837408065796, -0.0033333676401525736, 0.004374074283987284, -0.045256756246089935, 0.011040809564292431, 0.021982207894325256, -0.02124905399978161, 0.017558429390192032, 0.011674553155899048, 0.025598274543881416, 0.0066046034917235374, 0.052488889545202255, 0.10159781575202942, -0.02614503540098667, -0.01872650533914566, -0.03345172479748726, 0.029251622036099434, 0.0018732718890532851, 0.016825273633003235, 0.0038863401859998703, 0.012097048573195934, 0.009624205529689789, 0.04192649573087692, -0.003438991494476795, 0.03745301067829132, -0.016353072598576546, 0.017707545310258865, -0.029698969796299934, -0.013345897197723389, 0.03248247131705284, 0.03770153596997261, -0.028506040573120117, 0.025672832503914833, -0.05840383097529411, -0.04632542282342911, 0.004305729176849127, 0.009195497259497643, 0.06541229039430618, -0.015731755644083023, 0.012668660841882229, 0.011537862941622734, 0.010425705462694168, 0.0339239276945591, -0.021311186254024506, 0.04811481758952141, -0.009158218279480934, 0.016353072598576546, -0.07704335451126099, 0.04001283645629883, 0.03745301067829132, 0.027462227270007133, -0.020863836631178856, -0.016576746478676796, -0.0342470146715641, -0.017769675701856613, -0.06451759487390518, -0.054278284311294556, 0.004700265824794769, 0.005924261175096035, 0.006144828628748655, 0.06556140631437302, -0.09588169306516647, -0.0506000854074955, 0.04175252839922905, 0.022280439734458923, 0.007107870653271675, -0.01825430430471897, -0.008698442950844765, 0.035539351403713226, -0.032184239476919174, 0.0023252801038324833, -0.03178659453988075, 0.020143108442425728, 0.020826557651162148, -0.016179103404283524, 0.010307654738426208, -0.002576913684606552, -0.012500905431807041, -0.005228385794907808, -0.031264688819646835, 0.04649939015507698, 0.012910975143313408, -0.0361606702208519, 0.00858039315789938, 0.004274663515388966, 0.005380608141422272, -0.023784028366208076, -0.03966490179300308, 0.03275585174560547, -0.025324895977973938, -0.006213173735886812, -0.02932617999613285, 0.0009793514618650079, 0.046598803251981735, 0.03608611226081848, 0.033078934997320175, 0.034222159534692764, 0.05012788623571396, 0.017719971016049385, -0.001856185612268746, 0.01824187859892845, -0.05062493681907654, 0.008978036232292652, 0.024716004729270935, 0.009823027066886425, -0.0012441880535334349, -0.03548964858055115, -0.0006900505977682769, 0.059944700449705124, 0.02190764993429184, -0.013432880863547325, -0.01559506542980671, 0.029872938990592957, 0.0065114060416817665, -0.03501744568347931, 0.003426565323024988, 0.05032670497894287, 0.0321345329284668, 0.020167961716651917, 0.016999242827296257, -0.006057844031602144, 0.0012123455526307225, -0.0033054084051400423, 0.022963888943195343, 0.04269693046808243, -0.01128933671861887, 0.00880406703799963, -0.01809276081621647, -0.019260838627815247, -0.03881990909576416, -0.017111079767346382, 0.0005999595741741359, -0.027835017070174217, 0.0022911077830940485, 0.029027946293354034, 0.011196139268577099, 0.0419762022793293, -0.002879805862903595, 0.05278712138533592, 0.006368502974510193, -0.011749111115932465, -0.01984487660229206, 0.029177064076066017, -0.003010282525792718, -0.007095444016158581, -0.033725105226039886, -0.026766352355480194, 0.0042777699418365955, 0.024889973923563957, 0.0388447605073452, -0.03049425594508648, -0.017334753647446632, -0.012519544921815395, -0.007462021429091692, 0.023175137117505074, 0.03178659453988075, -0.039391521364450455, -0.01918628066778183, -0.014837058261036873, -0.007238347083330154, -0.014489120803773403, -0.026095328852534294, 0.0003873525420203805, -0.0273131113499403, 0.004091375041753054, 0.014948896132409573, 0.013370749540627003, -0.04267207533121109, -0.012774284929037094, 4.975392948836088e-05, -0.019111722707748413, -0.016551895067095757, 0.02885397896170616, -0.022926609963178635, 0.05358240753412247, 0.0075987111777067184, -0.00575650529935956, -0.008599032647907734, -0.006996033247560263, 0.02373432368040085, -0.0021606311202049255, -0.0008574179373681545, 0.0455549880862236, -0.008791640400886536, 0.012128114700317383, -0.02324969507753849, 0.040957238525152206, 0.009214136749505997, -0.01809276081621647, -0.021360890939831734, 0.002064327010884881, -0.0076981219463050365, 0.03233335539698601, -0.00395468482747674, 0.021348465234041214, -0.00665430910885334, 0.012426347471773624, 0.013022812083363533, 0.025188205763697624, -0.0366080179810524, -0.00706437835469842, 0.02189522422850132, 0.015346539206802845, -0.04023651406168938, -0.03814888745546341, -0.04804025962948799, 0.028580598533153534, 0.004877341445535421, -0.05467592924833298, 0.016887405887246132, 0.030991310253739357, -0.017421739175915718, -0.029500147327780724, -0.027611343190073967, -0.00512897502630949, 0.02751193195581436, -0.0415288507938385, -0.0006275305058807135, -0.002173057524487376, -0.03300437703728676, -0.03317834809422493, -0.007070591673254967, 0.047269824892282486, -0.007884517312049866, 0.01917385309934616, 0.0675993263721466, 0.002625065855681896, -0.012016277760267258, -0.01645248383283615, 0.002976110205054283, 0.008828919380903244, 0.047071002423763275, -0.001825119717977941, 0.007045738864690065, -0.03926725685596466, -0.010668018832802773, -0.01061831321567297, -0.00728183938190341, 0.014476694166660309, -0.02278992161154747, -0.014103904366493225, 0.025337321683764458, 0.001703962916508317, 0.016638878732919693, 0.023162711411714554, -0.004287089686840773, -0.035986702889204025, 0.010680445469915867, 0.000907899986486882, 0.04041048139333725, -0.006815851666033268, 0.006297051440924406, -0.01917385309934616, 0.012705939821898937, 0.009294907562434673, 0.007020886056125164, 0.055868856608867645, 0.02373432368040085, 0.0037745030131191015, -0.020602883771061897, 0.008176536299288273, -0.024927252903580666, -0.02706458419561386, -0.03046940267086029, 0.03186115249991417, -0.014849484898149967, 0.009400531649589539, 0.0010453663999214768, -0.02434321492910385, 0.002573807258158922, 0.02614503540098667, 0.00225382880307734, 0.0030926072504371405, -0.01624123565852642, 0.035315677523612976, -0.012239951640367508, 0.018825916573405266, -0.00980438757687807, -0.004610174801200628, -0.013693834654986858, -0.002729136496782303, -0.0076981219463050365, 0.011320401914417744, -0.024007702246308327, 0.04055959731340408, -0.016539467498660088, 0.03946607932448387, 0.010096407495439053, -0.02977352775633335, 0.038049474358558655, -0.008300799876451492, 0.006399568635970354, -0.023212416097521782, 0.002929511247202754, 0.019062016159296036, -0.035787880420684814, -0.02753678523004055, -0.028307218104600906, 0.04309457167983055, -0.003097267122939229, 0.013432880863547325, -0.03315349295735359, -0.010910333134233952, -0.03881990909576416, 0.012587890028953552, -0.014277872629463673, -0.010500263422727585, 0.044163238257169724, 0.010208244435489178, -0.02912735752761364, -0.020242519676685333, 0.007642203476279974, 0.02756163850426674, -0.018577389419078827, -0.01533411256968975, -0.005772038362920284, 0.021137217059731483, 0.0329049676656723, 0.038720499724149704, -0.017011668533086777, -0.014886763878166676, 0.008232454769313335, -0.008723295293748379, 0.016365500167012215, -0.012326936237514019, -0.043442510068416595, -0.012010064907371998, 0.01288612186908722, 0.0014072838239371777, -0.013855377212166786, -0.02215617708861828, -0.05037641152739525, 0.009897585958242416, -0.005004711449146271, 0.02505151554942131, -0.04088268056511879, 0.001093518570996821, 0.024927252903580666, -0.016427630558609962, -0.0035881076473742723, 0.04115606099367142, -0.0012962233740836382, -0.01938510127365589, 0.03630978614091873, -0.01826673001050949, 0.023137858137488365, -0.01400449313223362, 0.028978241607546806, -0.006822064518928528, -0.0071327234618365765, 0.04898466169834137, -0.0123145105317235, 0.005082375835627317, 0.03459494933485985, -2.196453897340689e-05, -0.024492330849170685, 0.017496297135949135, 0.0052594514563679695, -0.041429441422224045, 0.02753678523004055, -0.01605484075844288, 0.03611096367239952, -0.0483633428812027, 0.02912735752761364, 0.011761537753045559, 0.009655271656811237, -0.02885397896170616, 0.01827915757894516, -0.03588728979229927, -0.016638878732919693, -0.022243160754442215, -0.005831063259392977, 0.02547401189804077, -0.027014879509806633, -0.006231813225895166, 0.037154778838157654, -0.020155536010861397, 0.005563897080719471, -0.001753668300807476, 0.03248247131705284, -0.039863720536231995, 0.016390351578593254, 0.019099295139312744, 0.009736043401062489, 0.0017024095868691802, 0.01943480782210827, 0.028605451807379723, 0.010338720865547657, -0.0008077125530689955, -0.004523190204054117, -0.03295467421412468, 0.03345172479748726, -0.017272623255848885, 0.03166233375668526, -0.029177064076066017, -0.011202352121472359, -0.012662447988986969, -0.005175573751330376, 0.003877020440995693, -0.014377283863723278, 0.039192698895931244, 0.0244053453207016, 0.0018592921551316977, -0.02773560769855976, 0.021733680739998817, -0.01806790940463543, 0.03742815926671028, -0.03158777579665184, 0.011488158255815506, -0.01893775351345539, 0.03606126084923744, -0.01185473520308733, -0.03417245298624039, -0.0044486322440207005, -0.01917385309934616, -0.005554577335715294, 0.011699405498802662, 0.017670266330242157, 0.024517182260751724, -0.035315677523612976, 0.029475295916199684, -0.023647338151931763, 0.0038956599310040474, -0.04038562998175621, -0.021609418094158173, 0.016154251992702484, 0.032383061945438385, 0.015570213086903095, -0.0004096811462659389, -0.02482784166932106, 0.019099295139312744, 0.008220029063522816, 0.0009801281848922372, 0.03114042617380619, -0.030593667179346085, 0.041006945073604584, 0.015943003818392754, 0.06233055889606476, -0.007356397341936827, 0.010767430067062378, -0.036210376769304276, -0.01735960692167282, -0.02487754635512829, 0.009791961871087551, -0.03638434410095215, 0.019484512507915497, 0.016179103404283524, 0.011562716215848923, 0.008909691125154495, -0.03133924677968025, -0.021298758685588837, -0.01694953814148903, 0.031935710459947586, 0.004426886327564716, -0.022889330983161926, -0.020702295005321503, -0.019484512507915497, -0.015445949509739876, -0.0007180098909884691, -0.023771602660417557, 0.005986392963677645, -0.004200105555355549, 0.011419813148677349, -0.006983607076108456, -0.015110437758266926, -0.023150285705924034, -0.0038677004631608725, 0.021137217059731483, -0.017794528976082802, 0.005330902989953756, -0.011109154671430588, 0.016800422221422195, 0.00756143219769001, 0.04371589049696922, -0.02890368364751339, -0.010456771589815617, -0.007635990157723427, -0.008145470172166824, -0.00022153847385197878, 0.00935703981667757, 0.04709585756063461, 0.006790998857468367, 0.0261947400867939, -0.008561753667891026, 0.0027757352218031883, -0.019795171916484833, 0.019944287836551666, 0.0018266730476170778, -0.03402333706617355, 0.048462752252817154, 0.00519421324133873, -0.0017365820240229368, -0.011351468041539192, 0.036881398409605026, -0.008512048050761223, -0.024330787360668182, 0.027859870344400406, -0.018403420224785805, 0.03745301067829132, -0.008630097843706608, -0.029301326721906662, -0.00011911818728549406, -0.0011043916456401348, -0.0036688789259642363, 0.06466671079397202, -0.008959396742284298, -0.023411238566040993, 0.0007879080949351192, 0.02030465193092823, 0.0034327784087508917, 0.050873465836048126, -0.021708829328417778, 0.029897792264819145, -0.0039049796760082245, -0.006231813225895166, 0.004784143529832363, 0.02346094325184822, 0.007020886056125164, 0.02599591761827469, 0.007126510143280029, -0.014936469495296478, -0.015371391549706459, 0.02096324786543846, -0.02168397605419159, -0.011960359290242195, 0.00893454346805811, 0.004218745045363903, 0.061535272747278214, 0.004666093271225691, 0.02823266014456749, 0.027163995429873466, 0.042771488428115845, -0.011351468041539192, -0.03613581880927086, 0.0038428478874266148, 0.03797491639852524, 0.0018717185594141483, -0.012581676244735718, -0.0019416167633607984, -0.013581997714936733, 0.017533576115965843, 0.01735960692167282, 0.029400737956166267, -0.05939793959259987, 0.03491803631186485, 0.013842950575053692, 0.0238958653062582, 0.003920512739568949, -0.037378452718257904, 0.0162288099527359, 0.022740215063095093, 0.00042599072912707925, 0.018651947379112244, -0.0032153173815459013, 0.00047414281289093196, -0.010910333134233952, -0.0016666838200762868, 0.005281197372823954, -0.010003209114074707, 0.026269298046827316, -0.014066625386476517, -0.017670266330242157, 0.01288612186908722, 0.02057803049683571, 0.0027493294328451157, 0.013569571077823639, 0.03496774286031723, -0.033078934997320175, 0.026940321549773216, -0.02303844690322876, 0.01138253416866064, -0.0019788958597928286, -0.01939752884209156, 0.011053236201405525, 0.004871128126978874, 0.017546001821756363, 0.009176857769489288, -0.013296191580593586, -0.003106586867943406, 0.005874555557966232, 0.04133003205060959, 0.011357680894434452, 0.03504230082035065, 0.026766352355480194, -0.02281477302312851, -0.011283122934401035, -0.03854652866721153, -0.0009661485091783106, 0.00301804905757308, -0.013619276694953442, 0.015557786449790001, -0.001058569410815835, 0.017198065295815468, -0.004134866874665022, -0.05740972235798836, -0.01578146032989025, 0.03223394602537155, -0.013954787515103817, -0.04070871323347092, -0.020428914576768875, 0.07480660825967789, 0.022193456068634987, 0.012308296747505665, 0.03703051432967186, 0.00948751624673605, 0.03732874616980553, 0.017309902235865593, 0.011432239785790443, 0.023398810997605324, 0.002065880224108696, 0.03387422114610672, 0.0532841756939888, -0.0056073893792927265, 0.010295229032635689, 0.034893181174993515, 0.02932617999613285, -0.023100579157471657, -0.031090721487998962, -0.004818316083401442, -0.003985750954598188, 0.014886763878166676, -0.0026048729196190834, -0.022056765854358673, -0.05273741856217384, -0.007915583439171314, -0.006946328096091747, -0.015234701335430145, 0.0014360197819769382, -0.021360890939831734, 0.037825800478458405, -0.002550507662817836, 0.05830442160367966, 0.032805558294057846, -0.019571496173739433, 0.006971180904656649, -0.0034327784087508917, 0.012948254123330116, -0.011239631101489067, -0.008052272722125053, -0.044784557074308395, 0.008350505493581295, 0.020665016025304794, 0.037800949066877365, -0.009878946468234062, 0.014290299266576767, -0.028779421001672745, -0.047717172652482986, -0.014924042858183384, -0.030519109219312668, 0.0012985533103346825, -0.009506155736744404, -0.05959676206111908, 0.011525437235832214, -0.009195497259497643, 0.033277757465839386, -0.04831363633275032, -0.020627737045288086, -0.012395281344652176, 0.029525000602006912, 0.018627094104886055, 0.01207840908318758, -0.03340202197432518, -0.016589174047112465, -0.0038645940367132425, 0.0048866611905395985, 0.008984249085187912, 0.008269733749330044, 0.04485911503434181, -0.005585642997175455, 0.010202030651271343, -0.018005777150392532, -0.07217222452163696, -0.0010228437604382634, -0.009388105012476444, 0.008524473756551743, 0.006346757058054209, -0.0273131113499403, 0.02126147970557213, 0.014874337241053581, 0.004939473234117031, 0.015545360743999481, -0.0037589699495583773, -0.025797097012400627, 0.024629021063447, 0.004961219150573015, 0.0025303149595856667, 0.03096645697951317, -0.027437373995780945, 0.0034358850680291653, 0.01254439726471901, 0.021398169919848442, 0.010723937302827835, -0.017695117741823196, -0.00948751624673605, -0.040311072021722794, -0.017483871430158615, 0.010779855772852898, -0.0048089963383972645, -0.008835133165121078, -0.008766788057982922, 0.012500905431807041, 0.0025023557245731354, 0.0031112467404454947, -0.004495230969041586, 0.0392921082675457, -0.053632114082574844, 0.01163727417588234, 0.002696517389267683, -0.022653231397271156, 0.0020425808615982533, -0.00040191467269323766, -0.017931219190359116, -0.011780177243053913, 0.026269298046827316, -0.005153827369213104, -0.007399889640510082, -0.01849040389060974, 0.017421739175915718, 0.026269298046827316, 0.004746864549815655, 0.006017458625137806, 0.01627851463854313, -0.02077685296535492, 0.0119479326531291, -0.01206598337739706, 0.017732396721839905, -0.0005553023656830192, 0.04759290814399719, 0.021621843799948692, 0.04115606099367142, 0.014464268460869789, -0.003920512739568949, 0.006610816810280085, 0.013768392615020275, 0.0003576457966119051, 0.032407913357019424, 0.01599270850419998, 0.037105072289705276, -0.022454408928751945, -0.047965701669454575, -0.0037279040552675724, 0.03273100033402443, 0.007176215294748545, -0.01781938225030899, 0.0017909472808241844, 0.00799635425209999, 0.0036440263502299786, -0.009642845019698143, 0.01150679774582386, -0.038919318467378616, 0.015172570012509823, -0.00846855528652668, 0.004417566582560539, 0.008884837850928307, -0.01784423366189003, 0.013283764943480492, -0.014153609052300453, -0.03069307841360569, 0.00789694394916296, 0.020006418228149414, -0.010761216282844543, 0.030096612870693207, 0.01025795005261898, 0.0013575784396380186, -0.014153609052300453, -0.04965568333864212, 0.0066605219617486, 0.018900474533438683, 0.012432560324668884, -0.028779421001672745, 0.0023920717649161816, 0.003249489702284336, -0.005563897080719471, 0.019596349447965622, -0.019136574119329453, 0.016104545444250107, -0.01186094805598259, -0.0060609509237110615, -0.010841988027095795, 0.08534415066242218, -0.01274943258613348, 0.04943200945854187, -0.01040085218846798, 0.0162288099527359, -0.03434642404317856, -0.002648365218192339, -0.007828598842024803, -0.08340564370155334, -0.009108512662351131, -0.005653988104313612, 0.014501547440886497, 0.012556823901832104, 0.04192649573087692, -0.04538102075457573, 0.006697800941765308, -0.0334765799343586, 0.00958692654967308, 0.009189283475279808, 0.005762718617916107, -0.017881514504551888, 0.022168602794408798, 0.026915468275547028, 0.007847238332033157, 0.007542792707681656, -0.020366782322525978, 0.05253859609365463, 0.021099938079714775, 0.014588532038033009, 0.011581355705857277, 0.009605566039681435, -0.008089551702141762, 0.051146846264600754, -0.016514616087079048, -0.013581997714936733, -0.008965609595179558, 0.018229451030492783, 0.01297310646623373, 0.016576746478676796, -0.020453767850995064, -0.010655593127012253, 0.014302725903689861, 0.04080812260508537, 0.03867079317569733, -0.007256986573338509, -0.00041938922367990017, -0.04013710096478462, -0.024442624300718307, 0.007256986573338509, -0.011500583961606026, -0.01412875670939684, -0.001257391064427793, 0.022504115477204323, -0.016626453027129173, -0.008574179373681545, -0.030742783099412918, -0.003370646620169282, 0.035763029009103775, -0.013768392615020275, -0.003721690969541669, -0.012233738787472248, -0.029027946293354034, -0.0002386246924288571, -0.004423779435455799, 0.014625811018049717, 0.0014049538876861334, -0.017670266330242157, 0.022429557517170906, -0.016079694032669067, -0.026343856006860733, -0.02168397605419159, -0.0008853772305883467, 0.029003094881772995, -0.0038677004631608725, -0.009288694709539413, 0.013917508535087109, -0.03022087551653385, -0.01434000488370657, 0.02231771871447563, -0.004923940170556307, 0.0266420878469944, -0.02751193195581436, 0.0030118359718471766, 0.0038179950788617134, 0.004600855056196451, -0.0040851617231965065, 0.03046940267086029, 0.005784464534372091, -0.0019975353498011827, -0.009555861353874207, -0.019559070467948914, 0.01005291473120451, 0.01318435464054346, 0.015744181349873543, 0.03899387642741203, -0.010028062388300896, -0.02281477302312851, -0.0008838239591568708, 0.016353072598576546, 0.006536258850246668, 0.011227204464375973, 0.011444665491580963, 0.04083297774195671, -0.003367540193721652, -0.013234059326350689, -0.0005059853428974748, -0.008095765486359596, -0.026542678475379944, 0.0329049676656723, -0.04013710096478462, 0.007660842966288328, -0.005939793772995472, 0.020205240696668625, -0.012563036754727364, -0.03186115249991417, -0.0028720395639538765, 0.008145470172166824, -0.006567324511706829, -0.008282160386443138, -0.051345665007829666, -0.001389420940540731, 0.009475089609622955, -0.05099773034453392, -0.012693514116108418, 0.0056104958057403564, -0.020167961716651917, -0.003069307655096054, -0.01048162393271923, 0.005048203747719526, 0.008822706528007984, -0.008617672137916088, 0.0537315234541893, 0.037353601306676865, 0.022404704242944717, -0.033774811774492264, 0.012246165424585342, -0.01576903462409973, -0.002284894697368145, -0.005852809641510248, 0.00880406703799963, -0.04935745149850845, 0.006840704008936882, -0.01141360029578209, -0.00024017799296416342, 0.008499621413648129, 0.034619804471731186, -0.028406629338860512, 0.008077125996351242, -0.006141722202301025, 0.021050231531262398, -0.016576746478676796, 0.004864914808422327, 0.008325652219355106, 0.00044579521636478603, 0.019248411059379578, -0.04652424529194832, -0.0018872515065595508, 0.019919434562325478, -0.005125868134200573, -0.01319678034633398, -0.025337321683764458, 0.012606529518961906, -0.03499259427189827, 0.016614025458693504, 0.003790035843849182, 0.0026110862381756306, -0.03317834809422493, -0.0044610584154725075, -0.00043492214172147214, -0.015011027455329895, -0.010935185477137566, -0.015135291032493114, -0.020826557651162148, 0.023212416097521782, 0.01831643655896187, 0.0069773937575519085, 0.005082375835627317, 0.026244444772601128, -0.0334765799343586, -0.031115572899580002, -0.001023620367050171, 0.010127472691237926, -0.014861911535263062, -0.03593699634075165, 0.009910011664032936, 0.023796454071998596, -0.047990553081035614, 0.0005067619495093822, -0.01274943258613348, -0.00958071369677782, 0.026965172961354256, 0.004675413016229868, 0.018999885767698288, -4.6380369894905016e-05, 0.018366141244769096, -0.005287410691380501, -0.0046163881197571754, 0.04694673791527748, 0.041876789182424545, 0.014054198749363422, 0.008356718346476555, -0.013967214152216911, -0.046151451766490936, -0.01456367876380682, -0.038024622946977615, 0.01963362842798233, -0.003401712514460087, 0.005327796563506126, 0.0477917306125164, 0.0022802348248660564, -0.007859664969146252, -0.025213059037923813, -0.003892553271725774, 0.01477492693811655, 0.006971180904656649, 0.0011152646038681269, 0.019907008856534958, 0.020652588456869125, 0.029698969796299934, -0.015943003818392754, 0.017309902235865593, -0.012177820317447186, 0.03119013085961342, -0.0582050085067749, 0.04490881785750389, -0.005240811966359615, 0.021845517680048943, -0.008195175789296627, 0.010755003429949284, -0.02075199969112873, 0.061535272747278214, -0.027934428304433823, -0.00513518787920475, 0.01318435464054346, -0.014290299266576767, -0.009481302462518215, -0.052041541785001755, 0.016092119738459587, -0.04418808966875076, 0.033973634243011475, -0.0027508826460689306, 0.02102538011968136, 0.02214375138282776, -0.016203956678509712, -0.005582536570727825, -0.01489919051527977, 0.0002704672224353999, -0.00015164026990532875, -0.04202590510249138, 0.0033923927694559097, 0.03583758696913719, -0.04543072357773781, 0.028307218104600906, -0.009058807045221329, 0.015632344409823418, -0.015520507469773293, 0.018838342279195786, -0.02641841396689415, 0.018801063299179077, 0.009276268072426319, -0.029500147327780724, 0.028332071378827095, 0.014886763878166676, 0.015570213086903095, -0.008524473756551743, 0.01647733710706234, 0.032830409705638885, 0.003429671749472618, -0.023995276540517807, 0.01207840908318758, -0.005781358107924461, -0.0006593730649910867, -0.01764541305601597, 0.007859664969146252, 0.03300437703728676, 0.002157524460926652, 0.018912900239229202, -0.011991425417363644, 0.02574739046394825, -0.0021839304827153683, -0.012351789511740208, 0.01965848170220852, -0.004119334276765585, -0.012488478794693947, -0.021124789491295815, 0.019322969019412994, 0.019534217193722725, 0.008145470172166824, 0.02147272787988186, 0.012302083894610405, 0.05517297983169556, 0.017272623255848885, -0.031065868213772774, 0.004423779435455799, 0.007654629647731781, -0.018925325945019722, -0.0012193353613838553, -0.02661723643541336, 0.007791319862008095, 0.03573817387223244, -0.021510006859898567, -0.022528966888785362, 0.021497581154108047, -0.016402779147028923, 0.03342687338590622, 0.013457734137773514, 0.01206598337739706, -0.0010764322942122817, -0.02098810113966465, 0.018676800653338432, 0.002830100478604436, -0.01186094805598259, -0.02932617999613285, -0.008474769070744514, 0.02910250425338745, 0.009164431132376194, -0.0046381340362131596, 0.00401681661605835, -0.013109796680510044, 0.02326212264597416, 0.011283122934401035, 0.0325818806886673, 0.023175137117505074, -0.0028937857132405043, 0.057260606437921524, -0.0003199784259777516, -0.028506040573120117, -0.009400531649589539, -0.0037154778838157654, -0.02577224373817444, 0.04575381055474281, 0.0056104958057403564, 0.050152737647295, -0.018167318776249886, -0.00637471629306674, 0.013408028520643711, 0.048636723309755325, -0.019037164747714996, 0.03809918090701103, 0.0052625578828155994, -0.007921796292066574, -0.022429557517170906, 0.013718686997890472, -0.026492971926927567, -0.021050231531262398, 0.021808238700032234, 0.034396130591630936, 0.015918150544166565, -0.0024153711274266243, -0.008164109662175179, 0.02434321492910385, 0.024740858003497124, 0.04001283645629883, 0.030842194333672523, -0.03491803631186485, 0.022727789357304573, 0.025213059037923813, -0.004091375041753054, -0.008313226513564587, -0.00756143219769001, -0.001865505357272923, -0.047965701669454575, 0.005722332745790482, 0.014029346406459808, 0.013842950575053692, -0.020205240696668625, -0.0647164136171341, -0.025014236569404602, -0.023349106311798096, -0.007114083971828222, 0.02052832581102848, -0.0018981245812028646, 0.05214095115661621, 0.013718686997890472, 0.012152967974543571, 0.0007382027106359601, -0.018689226359128952, -0.007853451184928417, -0.009617992676794529, -0.045952633023262024, 0.033302608877420425, -0.01691225916147232, 0.0026312789414077997, 0.01693711057305336, -0.007983927614986897, 3.295894566690549e-05, -0.004141080193221569, 0.0008387784473598003, 0.023175137117505074], "c09194cd-6361-42ac-b9e7-ba087c74d7e2": [-0.01345149241387844, 0.02230711653828621, 0.036355383694171906, 0.010563639923930168, 0.00884876400232315, -0.024735381826758385, 0.015818022191524506, 0.008155953139066696, 0.010131491348147392, 0.03122447431087494, -0.0030387614388018847, -0.057400353252887726, -0.054601673036813736, 0.002606612630188465, 0.020647116005420685, -0.006417068652808666, -0.047330595552921295, 0.05871737748384476, -0.046397704631090164, 0.02897455543279648, 0.037452906370162964, 0.035806626081466675, 0.010906615294516087, 0.0027317984495311975, 0.04875737428665161, 0.015529923141002655, 0.01070083025842905, 0.018520668148994446, -0.012415707111358643, -0.023185132071375847, 0.04897687956690788, -0.01337603759020567, -0.003148513613268733, 0.01934380829334259, 0.019577031955122948, -0.009788515977561474, -0.028014225885272026, -0.0019601040985435247, 0.027575217187404633, -0.05391572415828705, -0.01525554247200489, -0.029825134202837944, 0.014446120709180832, 0.0038927700370550156, -0.0032959929667413235, 0.0507877878844738, -0.05056828260421753, -0.026271911337971687, -0.05674184113740921, 0.03555968403816223, -0.04466910660266876, 0.04071803018450737, 0.004366076085716486, 0.014940005727112293, -0.01670975796878338, -0.015694551169872284, 0.014171740971505642, 0.0055390517227351665, 0.01163372304290533, -0.006818349473178387, 0.011722897179424763, -0.0028947119135409594, -0.021703479811549187, 0.0599246509373188, 0.005926613695919514, 0.005467026960104704, -0.014638187363743782, 0.021360503509640694, -0.02826116792857647, 0.038769930601119995, 0.008203970268368721, 0.04052596539258957, 0.03105984628200531, -0.021621165797114372, -0.048620183020830154, 0.011620004661381245, -0.0054944646544754505, -0.0019258065149188042, 0.030044639483094215, 0.014295211993157864, 0.0061118206940591335, -0.011043805629014969, -0.05871737748384476, -0.028233729302883148, 0.002066426444798708, -0.00882132537662983, -0.10212433338165283, -0.017327113077044487, -0.018301164731383324, -0.05545225366950035, 0.006036365870386362, 0.046425141394138336, -0.016311906278133392, 0.04466910660266876, 0.029825134202837944, -0.008944796398282051, -0.028027944266796112, 0.011469095014035702, -0.02665604278445244, 0.04977257922291756, 0.058882005512714386, -0.05166580528020859, -0.007655209396034479, -0.01690182462334633, 0.06179043650627136, -0.0074014076963067055, -0.003906488884240389, 0.03605356812477112, -0.017519179731607437, -0.008327441290020943, -0.09877689927816391, -0.015269261784851551, -0.005974630359560251, 0.014473559334874153, 0.01570826955139637, 0.023377198725938797, -0.03402315452694893, -0.015461328439414501, 0.006818349473178387, -0.015173228457570076, -0.026175877079367638, 0.0019463850185275078, 0.03490116819739342, -0.03863274306058884, -0.008814466185867786, 0.022746123373508453, -0.0031759515404701233, -0.00567967165261507, -0.02271868661046028, 0.008423474617302418, 0.033392079174518585, 0.018836205825209618, 0.005504753906279802, -0.011277029290795326, -0.024543315172195435, 0.002484856406226754, -0.03350182995200157, 0.0010049177799373865, -0.043955717235803604, -0.02465306781232357, -0.0016617154469713569, -0.047111090272665024, 0.0011858372017741203, 0.04590382054448128, 0.027726126834750175, -0.030758028849959373, 0.016874385997653008, -0.014651906676590443, -0.03259637579321861, -0.05128167197108269, 0.013094798661768436, 0.0013538951752707362, -0.013197691179811954, 0.009424962103366852, 0.02883736602962017, -0.013917938806116581, 0.008999672718346119, 0.07671672105789185, -0.011716037057340145, 0.04889456555247307, -0.06102216988801956, 0.02754777856171131, -0.03446216136217117, -0.02020810730755329, -0.019302651286125183, 0.0008582957671023905, -0.02166232280433178, -0.06266845017671585, -0.033913400024175644, -0.029989764094352722, -0.03051108494400978, -0.05827837064862251, -0.031004970893263817, -0.023761332035064697, -0.008258845657110214, -0.04466910660266876, 0.004376365337520838, -0.04110216349363327, -0.00613925838842988, -0.00032432604348286986, -0.0056179361417889595, 0.0034829145297408104, -0.04055340215563774, 0.0010092048905789852, 0.005381282884627581, -0.024227777495980263, 0.02053736336529255, 0.019755378365516663, -0.00999430101364851, 0.016956700012087822, 0.007319093681871891, 0.016750914976000786, 0.011318186298012733, -0.07183275371789932, -0.050019521266222, -0.06179043650627136, 0.010625375434756279, -0.014734220691025257, 0.004016241058707237, 0.017615213990211487, 0.02606612630188465, -0.020907776430249214, 0.05751010403037071, 0.007936448790133, -0.0023716744035482407, 0.006135828793048859, -0.005923184100538492, -0.0041019851341843605, -0.0036046707537025213, -0.024406123906373978, 0.059430766850709915, -0.03476398065686226, 0.013465211726725101, 0.03794679045677185, -0.06530250608921051, 0.023212570697069168, -0.03160860762000084, -0.011640583164989948, -0.03630051016807556, 0.02902943268418312, -0.0016274179797619581, 0.005707109346985817, 0.028151415288448334, -0.00965818576514721, 0.03997720405459404, 0.03473654016852379, 0.005223514512181282, 0.0009388949838466942, 0.004702191799879074, -0.029715383425354958, 0.008025622926652431, 0.011517112143337727, -0.012546037323772907, 0.009520995430648327, 0.027245961129665375, -0.05668696388602257, 0.05204993858933449, -0.021456537768244743, -0.06382085382938385, -0.030730590224266052, 0.021099843084812164, 0.056796714663505554, 0.022320834919810295, 0.08972235023975372, 0.013046781532466412, -0.028178853914141655, -0.007977606728672981, -0.04985489323735237, 0.02114100009202957, -0.009630747139453888, 0.02266380935907364, 0.01221678126603365, 0.021346785128116608, -0.029825134202837944, -0.019659345969557762, -0.056467458605766296, -0.005350415129214525, 0.027575217187404633, -0.004434671252965927, -0.06206481531262398, 0.02864529937505722, -0.0177935604006052, -0.03108728490769863, -0.002155599882826209, -0.011373061686754227, 0.03684927150607109, 0.007065291982144117, 0.03827604651451111, -0.013183971866965294, -0.011901244521141052, -0.02295191027224064, 0.01316339336335659, 0.005810002330690622, -0.0032342574559152126, -0.013218269683420658, -0.010385293513536453, 0.011036946438252926, -0.008265705779194832, -0.004376365337520838, -0.0015193807194009423, -0.009953144006431103, -0.023747611790895462, 0.01380818709731102, 0.0350109227001667, 0.015914056450128555, -0.017231080681085587, -0.024790257215499878, 0.008828185498714447, -0.02271868661046028, 0.02883736602962017, 0.0017200212460011244, -0.01147595513612032, -0.040800344198942184, 0.007188763003796339, 0.04878481104969978, -0.008341160602867603, -0.01606496423482895, -0.0004973142640665174, 0.00336287310346961, 0.030181828886270523, 0.0023819636553525925, 0.00479479506611824, -0.0486750602722168, 0.016462815925478935, 0.012401987798511982, 0.017354551702737808, 0.018067941069602966, 0.031718358397483826, 0.028370920568704605, -0.04892200231552124, -0.02149769477546215, 0.03641026094555855, 0.05084266513586044, -0.020619677379727364, -0.048812247812747955, -0.023061661049723625, 0.019878851249814034, 0.004637026693671942, 0.006591985933482647, -0.02278728038072586, -0.0018486370099708438, 0.009514136239886284, -0.0051240515895187855, -0.022032735869288445, 0.012059012427926064, -0.06206481531262398, 0.03421521931886673, 0.00975421816110611, -0.032047614455223083, 0.008107936941087246, -0.009987441822886467, -0.04859274625778198, 0.0063244653865695, -0.0002154313842765987, -0.026052406057715416, 0.013273145072162151, -0.02094893343746662, 0.005100043024867773, 0.018726453185081482, 0.014638187363743782, -0.027561498805880547, -0.032788440585136414, 0.002850125078111887, -0.007744383066892624, 0.0038173154462128878, -0.028755052015185356, -0.024021992459893227, 0.021415380761027336, -0.001399339409545064, 0.03772728517651558, -0.020619677379727364, 0.00724363885819912, -0.016984138637781143, 0.008690995164215565, -0.012827277183532715, 0.01533785741776228, 0.019192900508642197, -0.027095051482319832, -0.042501501739025116, 0.013355459086596966, -0.05871737748384476, -0.01200413703918457, 0.025736868381500244, 0.0007781253079883754, 0.004969712812453508, 0.03223968297243118, -0.04744035005569458, -0.048647619783878326, 0.017519179731607437, -0.02426893450319767, 0.009987441822886467, -0.033584143966436386, 0.053284648805856705, 0.01000802032649517, -0.0484829917550087, 0.032431747764348984, 0.03534017875790596, 0.04014183208346367, -0.00010830518294824287, 0.054930929094552994, 0.11161789298057556, -0.027012737467885017, -0.03295306861400604, -0.018081659451127052, 0.032047614455223083, 0.0038927700370550156, 0.0017337403260171413, 0.008999672718346119, 0.026477696374058723, -0.00901339203119278, 0.027726126834750175, 0.004033389966934919, 0.0416509248316288, -0.005878597032278776, 0.048263490200042725, -0.007236779667437077, 0.010495045222342014, 0.020043479278683662, 0.02266380935907364, -0.03962051123380661, 0.026244472712278366, -0.02173091657459736, -0.041733238846063614, 0.019618188962340355, 0.022265959531068802, 0.07106448709964752, 0.01657256856560707, 0.022897033020853996, 0.011997276917099953, 0.01012463215738535, 0.026669761165976524, -0.041184477508068085, 0.04875737428665161, -0.029276374727487564, 0.02591521665453911, -0.047111090272665024, 0.003933927044272423, 0.021648602560162544, 0.045848943293094635, -0.04480629786849022, 0.02706761285662651, -0.03492860868573189, -0.02902943268418312, -0.03410546854138374, -0.07764961570501328, 0.01352008804678917, 0.025572240352630615, -0.018067941069602966, 0.04022414609789848, -0.10969723016023636, -0.016778353601694107, 0.016311906278133392, 0.014404963701963425, 0.010289260186254978, -0.01083116140216589, -0.0003193957672920078, 0.014843972399830818, 0.004695332143455744, -0.02620331570506096, -0.031114721670746803, 0.002944443142041564, -0.003923637792468071, -0.030648276209831238, 0.004955993499606848, -0.014638187363743782, -0.013835624791681767, 0.006547399330884218, 0.008265705779194832, 0.03778216242790222, 0.016133559867739677, -0.009905127808451653, -0.05910151079297066, 0.008121656253933907, 0.02867273800075054, -0.017272237688302994, -0.01269694697111845, 0.0342426560819149, -0.026834391057491302, -0.001217562472447753, -0.038797371089458466, 0.004527274519205093, 0.027273397892713547, 0.031498853117227554, 0.03835836052894592, 0.02581918239593506, 0.017615213990211487, -0.01767008937895298, -0.0006795199005864561, 0.03012695349752903, -0.014555873349308968, 0.033007945865392685, 0.037672411650419235, 0.0061118206940591335, 0.029056869447231293, -0.06678415834903717, -0.0412667915225029, 0.03550480678677559, 0.015721989795565605, 0.015022319741547108, -0.0299623254686594, 0.005278390366584063, -0.008039342239499092, -0.0355871208012104, -0.010062896646559238, 0.056796714663505554, 0.00683892797678709, 0.025256704539060593, 0.03229455649852753, -0.01943984255194664, 0.01692926324903965, -0.014898848719894886, 0.028316043317317963, 0.00877330917865038, -0.014418683014810085, -0.003354298882186413, -0.030017200857400894, -0.0515560507774353, -0.029276374727487564, -0.005031448323279619, -0.0037350014317780733, 0.0063793412409722805, -0.038961999118328094, 0.02381620742380619, 0.00838231761008501, 0.031169598922133446, 0.009294631890952587, 0.023706454783678055, -0.0005487605230882764, -0.008663556538522243, -0.005240662954747677, 0.002179608214646578, 0.008183391764760017, 0.004904547240585089, -0.04949820041656494, -0.02372017502784729, 0.031114721670746803, 0.03498348593711853, 0.03769984841346741, -0.025956373661756516, 0.0002679494791664183, -0.03594381362199783, 0.000984339159913361, 0.026916705071926117, 0.006471944507211447, -0.048812247812747955, -0.019398685544729233, -0.037837039679288864, -0.0014276348520070314, -0.019480999559164047, -0.024996042251586914, -0.0034640508238226175, -0.026244472712278366, -0.00925347488373518, 0.012107029557228088, 0.007593473885208368, -0.047550100833177567, 0.009452399797737598, -0.01908314786851406, 0.006928101647645235, -0.025297861546278, 0.02455703355371952, -0.03303538262844086, 0.024707943201065063, 0.01795818842947483, 0.004184299148619175, -0.018067941069602966, 0.004362646024674177, 0.0030473358929157257, 0.00835487898439169, 0.003265125211328268, 0.01786215603351593, 0.0020801452919840813, 0.028178853914141655, -0.009836532175540924, 0.055671755224466324, -0.008780168369412422, -0.01934380829334259, -0.03388596326112747, -0.006187275052070618, 0.0044209519401192665, 0.018109098076820374, -0.028700176626443863, 0.018465792760252953, -0.0024385545402765274, 0.01670975796878338, 0.03127935156226158, 0.0026306207291781902, 0.0038927700370550156, -0.008903639391064644, 0.00748372171074152, 0.005686530843377113, -0.005597357638180256, -0.03361158445477486, -0.07106448709964752, 0.029276374727487564, -0.009431821294128895, -0.04746778681874275, 0.010817442089319229, 0.014555873349308968, 0.018136534839868546, -0.024131745100021362, -0.05172067880630493, -0.015488766133785248, 0.024282652884721756, -0.04757753759622574, -0.0018126246286556125, -0.017944470047950745, -0.01340347621589899, -0.018452072516083717, 0.0009148867102339864, 0.00041199912084266543, -0.016531411558389664, 0.03144397959113121, 0.064643993973732, 0.004204877652227879, 0.004228885751217604, -0.056796714663505554, 0.0024316951166838408, 0.022197363898158073, 0.03959307447075844, 0.016394220292568207, -0.002658058889210224, -0.03553224354982376, -0.015680832788348198, -0.02771240659058094, 0.013465211726725101, -0.002477996749803424, -0.015818022191524506, 0.00344861694611609, 0.0127449631690979, 0.02262265235185623, 0.01247058343142271, 0.0021384512074291706, -0.00567967165261507, -0.03874249383807182, 0.010241243056952953, -0.03163604438304901, 0.0295781921595335, 0.012491161935031414, 0.003283988917246461, 0.010783144272863865, 0.012943889014422894, 0.00912314373999834, 0.015955213457345963, 0.04582150653004646, 0.06014415621757507, 0.006218142807483673, -0.012271657586097717, 0.008629259653389454, -0.022279677912592888, -0.010536202229559422, -0.02297934703528881, 0.021621165797114372, -0.030346456915140152, -0.0034880591556429863, 0.05248894542455673, -0.01850694976747036, -0.0031759515404701233, -0.009466119110584259, 0.0017088745953515172, -0.004191158805042505, -0.01478909607976675, 0.04412034526467323, -0.012024715542793274, 0.027204804122447968, -0.011626863852143288, 0.0009586160886101425, 0.023322323337197304, -0.012834137305617332, -0.018356040120124817, 0.01580430381000042, -0.02697158046066761, 0.050266463309526443, -0.022444305941462517, 0.04672696068882942, -0.008025622926652431, 0.009637607261538506, 0.01337603759020567, 0.00021468111663125455, -0.014665625058114529, -0.05937588959932327, 0.004757068119943142, 0.016394220292568207, -0.01922033727169037, -0.00978165678679943, -0.01747802272439003, 0.012648930773139, 0.0009208887931890786, 0.021895544603466988, -0.007449424359947443, 0.0052063656039536, -0.043599024415016174, 0.033940840512514114, -0.01889108121395111, 0.004177439492195845, 0.027081333100795746, -0.0034040301106870174, -0.03416034206748009, -0.0203452967107296, 0.046754397451877594, -0.0002529443008825183, 0.009274053387343884, -0.023994553834199905, 0.021360503509640694, 0.025160670280456543, 0.021291907876729965, 0.05130910873413086, -0.003326860722154379, 0.0007897007162682712, 0.02020810730755329, 0.0007618339732289314, 0.036355383694171906, -0.0042906212620437145, -0.021580008789896965, -0.004901117645204067, 0.04036133736371994, -0.003500063205137849, 0.014075707644224167, -0.008423474617302418, -0.08950284123420715, -0.006190704647451639, -0.0023236579727381468, 0.025627117604017258, -0.03855042904615402, -0.05397059768438339, 0.008039342239499092, -0.03086777962744236, 0.028700176626443863, 0.04143141955137253, -0.002622046507894993, -0.006636572536081076, 0.022924471646547318, -0.012607772834599018, 0.02359670214354992, -0.008471490815281868, 0.04093753546476364, 0.011050664819777012, -0.014377526007592678, 0.03772728517651558, -0.031910426914691925, 0.006540539674460888, 0.030017200857400894, -0.019947445020079613, 0.0016642877599224448, 0.005947192199528217, 0.0038173154462128878, -0.04255637899041176, 0.021676041185855865, -0.0026837820187211037, 0.049168944358825684, -0.01767008937895298, 0.025284141302108765, -0.008944796398282051, -0.02037273533642292, -0.03051108494400978, 0.032321996986866, -0.034873731434345245, -0.013245707377791405, -0.0290019940584898, -0.0046027288772165775, 0.028947118669748306, -0.030236706137657166, 0.010838020592927933, 0.014926286414265633, 0.025503646582365036, 0.003325145924463868, -0.0026134720537811518, 0.028082819655537605, -0.06135142967104912, 0.02446100115776062, 0.03407802805304527, 0.012916451320052147, 0.017944470047950745, 0.028535548597574234, 0.04159604758024216, 0.016462815925478935, -0.00011736187298083678, 0.004462108947336674, -0.003088492900133133, -0.01638050191104412, -0.0041808695532381535, 0.058662500232458115, -0.03737059235572815, 0.023665297776460648, -0.023775050416588783, -0.001553678303025663, 0.0035154970828443766, 0.00859496183693409, 0.017176205292344093, 0.001208988018333912, 0.00906140822917223, -0.0013075934257358313, 0.035779185593128204, 0.021580008789896965, 0.04746778681874275, -0.07172299921512604, -0.0025534513406455517, -0.02867273800075054, 0.014706782065331936, -0.03517555072903633, -0.015049757435917854, -0.021552570164203644, -0.0507877878844738, -0.03138910233974457, 0.0027781003154814243, 0.019878851249814034, 0.004599299281835556, -0.030730590224266052, 0.0023733892012387514, -0.028535548597574234, 0.0029410135466605425, -0.009472978301346302, -0.004709051456302404, 0.012566615827381611, 0.02429637312889099, 0.01404826994985342, 0.026985298842191696, -0.030758028849959373, 0.02916662208735943, 0.02420033887028694, 0.013965955935418606, 0.03237687051296234, -0.033968277275562286, 0.017162485048174858, 0.03698645904660225, 0.04971770569682121, -0.015186947770416737, 0.0017320254119113088, -0.033776212483644485, -0.03885224461555481, -0.017807278782129288, 0.011688599362969398, -0.02149769477546215, 0.018945956602692604, 0.03372133523225784, -0.00854694563895464, 0.01644909754395485, -0.01931637153029442, -0.0084166144952178, 0.008039342239499092, 0.04543737322092056, 0.0002465135185047984, -0.0037144229281693697, -0.02690298482775688, -0.004016241058707237, -0.012546037323772907, -0.01332802139222622, -0.011791491881012917, 0.050321340560913086, -0.008917358703911304, 0.011009507812559605, -0.009788515977561474, -0.019645627588033676, -0.017560336738824844, 0.0006889516953378916, 0.03177323564887047, -0.03901687264442444, -0.015598517842590809, 0.014350088313221931, 0.01705273427069187, -0.0016762919258326292, 0.03127935156226158, -0.0044655390083789825, 0.002375104231759906, 0.015077196061611176, 0.0015168084064498544, -0.021991578862071037, -0.008471490815281868, 0.03695902228355408, -0.0036321086809039116, 0.009328928776085377, -0.020894058048725128, -0.007229920011013746, -0.014199178665876389, 0.028151415288448334, -0.016750914976000786, -0.02581918239593506, 0.028370920568704605, -0.025928935036063194, 0.0037212823517620564, -0.010618516243994236, 0.04148629680275917, 0.009987441822886467, 0.004492976702749729, -0.004976572003215551, 0.006142688449472189, 0.046370264142751694, -0.03350182995200157, -0.0022464883513748646, 0.002123017329722643, 0.014171740971505642, 0.024776538833975792, 0.05100729316473007, -0.025188108906149864, 0.0003461907326709479, -0.018589263781905174, 0.025668274611234665, 0.013890501111745834, 0.03399571403861046, -0.026477696374058723, 0.009486697614192963, -0.011592566035687923, -0.027822159230709076, 0.034709103405475616, 0.01934380829334259, -0.02417290210723877, -0.001000630552880466, 0.03407802805304527, 0.0065611181780695915, 0.013595541939139366, 0.006938390899449587, 0.003755579935386777, -0.00655082892626524, 0.023294884711503983, 0.014871410094201565, 0.0490591935813427, 0.015914056450128555, 0.02266380935907364, 0.020002322271466255, 0.02230711653828621, 0.006307316478341818, -0.030922656878829002, 0.014940005727112293, 0.014061988331377506, 0.0005028875893913209, 0.0056179361417889595, 0.02993488684296608, 0.0035326459910720587, 0.01869901455938816, 0.02665604278445244, 0.04768729209899902, -0.03813885897397995, 0.04480629786849022, -0.003755579935386777, 0.007394548039883375, 0.012120747938752174, -0.03158116713166237, 0.02243058755993843, 0.020359015092253685, 0.00033161428291350603, 0.03459935262799263, -0.0022516329772770405, 0.002781529910862446, -0.0028535546734929085, -0.006694878451526165, 0.015241824090480804, 0.008457771502435207, 0.04129423201084137, 0.018836205825209618, -0.026601167395710945, -0.0007116738124750555, -0.0023888233117759228, 0.017423147335648537, 0.0038961998652666807, 0.04724828153848648, 0.0013924798695370555, 0.024954885244369507, -0.02426893450319767, 0.011270169168710709, -0.009033970534801483, -0.027191083878278732, 0.01158570684492588, 0.005576779134571552, -0.0027695258613675833, 0.04497092589735985, -0.010350995697081089, -0.008581242524087429, -0.008533226326107979, 0.01421289797872305, 0.013602402061223984, 0.012895872816443443, 0.003796736942604184, -0.00566595233976841, -0.02651885338127613, -0.013965955935418606, 0.008389176800847054, -0.005168638192117214, -0.006502812262624502, 0.007442564703524113, -0.0013273145304992795, 0.017875874415040016, -0.005621365737169981, -0.04768729209899902, -0.02752033993601799, 0.03144397959113121, -0.011002648621797562, -0.031197035685181618, 0.007758101914077997, 0.07232663780450821, -0.0002649484376888722, 0.0004925983375869691, 0.04576662927865982, -0.009226036258041859, 0.030950093641877174, 0.0299623254686594, -0.011846368201076984, 0.02118215709924698, -0.005141200497746468, 0.022581495344638824, 0.041019849479198456, 0.023006785660982132, -0.006355333141982555, 0.03380364924669266, 0.02919406071305275, -0.003820745274424553, -0.016778353601694107, -0.009370085783302784, 0.0022190504241734743, 0.02474910020828247, -0.003577232826501131, 0.013506368733942509, -0.019261494278907776, -0.020811744034290314, -0.014994882047176361, -0.010817442089319229, -0.013787608593702316, -0.02436496689915657, 0.04348927363753319, 0.033227451145648956, 0.025832902640104294, 0.022814719006419182, 0.011674880050122738, 0.010851739905774593, -0.006482233759015799, 0.03649257495999336, -0.012676368467509747, 0.008272564969956875, -0.024419844150543213, -0.019837694242596626, 0.004345497582107782, 0.016078684478998184, -0.013911079615354538, 0.0017440295778214931, -0.02108612284064293, -0.046068448573350906, -0.018836205825209618, -0.014103145338594913, -0.02474910020828247, -0.00409512547776103, -0.03166348114609718, 0.01592777483165264, 0.03352927044034004, 0.009918847121298313, -0.06338184326887131, -0.041019849479198456, 0.006739465519785881, 0.010508764535188675, 0.037068773061037064, -0.008059920743107796, 0.005106902681291103, -0.007277936674654484, -0.0037521501071751118, -0.00330285239033401, -0.013046781532466412, 0.008814466185867786, 0.032047614455223083, -0.028398357331752777, 0.016037527471780777, -0.015749426558613777, -0.055315062403678894, -0.00882132537662983, 0.011777772568166256, 0.015049757435917854, 0.0030576251447200775, -0.021387942135334015, 0.022636372596025467, 0.016819510608911514, -0.001510806381702423, -0.0008368598064407706, 0.014871410094201565, -0.010934053920209408, 0.011482814326882362, 0.01757405698299408, 0.002958162222057581, 0.026340505108237267, -0.006190704647451639, 0.009143722243607044, -0.0129850460216403, 0.020647116005420685, -0.0003356871020514518, -0.01157198753207922, 0.0024608480744063854, -0.025544803589582443, -0.01147595513612032, 0.0018880792194977403, -0.009665044955909252, 0.0017208787612617016, -0.017162485048174858, 0.025050917640328407, -0.011434797197580338, 0.04370877519249916, 0.014940005727112293, 0.03051108494400978, -0.0437636524438858, -0.011956119909882545, -0.00790215190500021, -0.034654226154088974, -0.0036046707537025213, 0.0005787708796560764, 0.002267066854983568, -0.028864804655313492, 0.029633069410920143, -0.023637859150767326, -0.00660570478066802, -0.04277588427066803, 0.004664464388042688, 0.03835836052894592, 0.008169672451913357, 0.019947445020079613, -0.0021710337605327368, -0.014706782065331936, 0.021676041185855865, 0.021360503509640694, 0.02211504988372326, 0.011235872283577919, 0.03726084157824516, -0.0006499382434412837, 0.04258381575345993, 0.030181828886270523, 0.013424054719507694, 0.020098354667425156, 0.006499382667243481, 0.018753891810774803, 0.02668348141014576, 0.028151415288448334, 0.026560010388493538, 0.005525332409888506, -0.00602607661858201, -0.007758101914077997, 0.05451935902237892, 0.019851412624120712, -0.004880539141595364, 0.008389176800847054, -0.0026031828019768, 0.017354551702737808, -0.030401334166526794, 0.032459184527397156, -0.026916705071926117, 0.01107124425470829, -0.0163530632853508, 0.0007048143306747079, 0.009322069585323334, 0.00153481459710747, 0.019206618890166283, -0.017354551702737808, -0.022746123373508453, -0.006022647023200989, 0.008526367135345936, -0.03514811396598816, 0.01666860096156597, -0.014720501378178596, -0.007079010829329491, 0.001323027303442359, -0.04403803125023842, 0.008512647822499275, 0.015872897580266, 0.011421078816056252, -0.038248609751462936, -0.0013273145304992795, -0.011894384399056435, 0.0162570308893919, 0.005861448589712381, -0.011956119909882545, 0.019906288012862206, -0.008293143473565578, -0.027753563597798347, -0.01841091550886631, 0.10113656520843506, -0.0018932238453999162, 0.058827128261327744, -0.011427938006818295, 0.0005247522494755685, -0.03314513713121414, -0.007277936674654484, -0.013712153770029545, -0.04390084370970726, -0.012854715809226036, -0.023294884711503983, 0.021964140236377716, 0.02066083438694477, 0.03997720405459404, -0.0424191877245903, 0.013424054719507694, -0.02848067134618759, 0.011976698413491249, -0.02542133256793022, 0.006801201030611992, -0.004880539141595364, -0.011277029290795326, 0.02687554806470871, 0.024515876546502113, 0.028755052015185356, -0.03163604438304901, 0.04538249596953392, 0.02256777696311474, -0.01670975796878338, -0.02993488684296608, 0.015365295112133026, 0.008979094214737415, 0.03490116819739342, 0.03890712186694145, 0.0032582657877355814, -0.018712734803557396, 0.004589010030031204, 0.011496533639729023, 0.01012463215738535, -0.019234057515859604, -0.021977858617901802, 0.029084308072924614, 0.0327061265707016, 0.04093753546476364, -0.011016367934644222, -0.005237233359366655, -0.001413058373145759, -0.028700176626443863, 0.010844879783689976, 0.00193095114082098, -0.015680832788348198, -0.006523390766233206, -0.01433636900037527, -0.004750208463519812, -0.0077992589212954044, -0.005960911512374878, -0.01176405418664217, 0.024282652884721756, 0.01757405698299408, 0.005734547507017851, 0.040251586586236954, -0.02075686678290367, 0.019686784595251083, -0.02649141475558281, -0.0042906212620437145, -0.007648349739611149, -0.022060172632336617, 0.01982397399842739, -0.018877362832427025, -0.021538851782679558, -0.008540085516870022, 0.017176205292344093, 0.03292563185095787, -0.002160744508728385, 0.012127608060836792, 0.024323809891939163, -0.022773561999201775, -0.01867157779633999, 0.015186947770416737, 0.016723478212952614, 0.03051108494400978, -0.009733639657497406, -0.017436865717172623, 0.012731244787573814, 0.011544549837708473, -0.007696366403251886, 0.01352008804678917, 0.01863042078912258, 0.019590750336647034, 0.002651199232786894, -0.026244472712278366, 0.018808767199516296, 0.01176405418664217, 0.01989256963133812, 0.021003808826208115, -0.00450669601559639, -0.016174716874957085, 0.01941240392625332, 0.001903513097204268, -0.016792071983218193, 0.02336348034441471, 0.015845460817217827, 0.016407940536737442, -0.024996042251586914, -0.01356810424476862, -0.010289260186254978, 0.0019652487244457006, -0.005967770703136921, 0.0013213125057518482, -0.02462562918663025, -0.0038550428580492735, 0.019590750336647034, 0.0004647315654437989, -0.006108390633016825, -0.011729756370186806, 0.014404963701963425, 0.026560010388493538, -0.005292109213769436, -0.0418429896235466, -0.03517555072903633, -0.012820417992770672, 0.013952236622571945, -0.0332823246717453, -0.0036046707537025213, -0.011832648888230324, 0.013142814859747887, -0.006814919877797365, -0.002944443142041564, 0.011180995963513851, 0.00823826715350151, 0.0023219429422169924, 0.04115704074501991, 0.0041602905839681625, 0.019933726638555527, -0.008999672718346119, 0.023733893409371376, -0.004492976702749729, 0.004256323911249638, 0.004962853156030178, 0.018109098076820374, -0.05712597072124481, 0.020125793293118477, -0.021429099142551422, -0.005031448323279619, 0.0213056281208992, 0.032623812556266785, -0.024666786193847656, 0.002332232194021344, 0.00032454042229801416, 0.026532571762800217, -0.02378876879811287, 0.00970620196312666, 0.005031448323279619, 0.024543315172195435, 0.017889592796564102, -0.042501501739025116, 0.02175835520029068, 0.008814466185867786, 0.013087938539683819, -0.004060828126966953, -0.019467279314994812, 0.00989826861768961, -0.07013159990310669, -0.0033440093975514174, -0.026916705071926117, -0.005875167436897755, -0.016215873882174492, 0.018520668148994446, 0.002850125078111887, -0.016023807227611542, -0.0025826042983680964, -0.02005719766020775, -0.020304139703512192, 0.037837039679288864, 0.03602612763643265, 0.008210829459130764, 0.017395708709955215, 0.0035566543228924274, -0.021291907876729965, -0.031197035685181618, -0.016023807227611542, 0.014089426957070827, -0.011695458553731441, -0.02369273640215397, 0.018452072516083717, 0.030181828886270523, -0.006454795598983765, -0.007006986066699028, -0.0037487205117940903, -0.02037273533642292, 0.020125793293118477, -0.0023253727704286575, 0.022265959531068802, 0.00345547660253942, 0.012943889014422894, -0.009445540606975555, -0.024351248517632484, 0.036739517003297806, 0.02439240552484989, 0.01263521146029234, 0.02488628961145878, -0.02883736602962017, -0.031114721670746803, 0.0016960130305960774, -0.025860339403152466, 0.010501904413104057, 0.00724363885819912, -0.015571080148220062, 0.0424191877245903, 0.0027317984495311975, 0.0040231007151305676, -0.005535622127354145, -0.022471744567155838, 0.03369389846920967, 0.008862482383847237, -0.020688273012638092, 0.010961491614580154, 0.019645627588033676, 0.013307442888617516, -0.05816861614584923, 0.006547399330884218, 0.01618843525648117, 0.024968603625893593, -0.050019521266222, 0.022897033020853996, 0.005768845323473215, 0.022087611258029938, -0.030456209555268288, -0.0074014076963067055, 0.0012209921842440963, 0.06590613722801208, -0.032815881073474884, -0.01433636900037527, 0.0346267893910408, 0.0008197110728360713, -0.004098555073142052, -0.01828744448721409, 0.015282981097698212, -0.02156628854572773, 0.017176205292344093, 0.02020810730755329, 0.007305374834686518, 0.03314513713121414, -0.02094893343746662, 0.025352736935019493, -0.018205130472779274, 0.002001261105760932, -0.018260007724165916, -0.030072078108787537, -0.014308931306004524, 0.04255637899041176, -0.023390917107462883, 0.01599637046456337, -0.021525131538510323, 0.02182695083320141, -0.0015030894428491592, 0.017327113077044487, -0.013355459086596966, 0.014391245320439339, 0.00336287310346961, -0.017560336738824844, 0.018918519839644432, 0.005960911512374878, 0.013026203028857708, -0.027465464547276497, 0.03440728411078453, 0.009809094481170177, -0.019426122307777405, -0.047550100833177567, 0.006338184233754873, -0.02285587601363659, 0.00456157186999917, 0.015571080148220062, 0.005882027093321085, 0.01414430234581232, -0.030785465613007545, 0.013444633223116398, 0.004345497582107782, -0.00030353316105902195, 0.004263183567672968, -0.03141653910279274, 0.010021739639341831, -0.04091009870171547, -0.013259426690638065, -0.026793234050273895, 0.01432264968752861, -0.002658058889210224, 0.03734315559267998, 0.03909918665885925, 0.00864297803491354, 0.06777192652225494, 0.007463143207132816, -0.030209267511963844, -0.005768845323473215, -0.008478350006043911, 0.0025500215124338865, 0.0177935604006052, -0.03127935156226158, -0.0008437193464487791, 0.012305955402553082, -0.030593398958444595, -0.003872191533446312, 0.019741659983992577, -0.016078684478998184, 0.0149811627343297, -0.0027678110636770725, 0.003397170687094331, 0.02297934703528881, -0.0028586992993950844, 0.02285587601363659, 0.014638187363743782, -0.019069429486989975, -0.019384965300559998, 0.0021401660051196814, 0.034709103405475616, 0.004955993499606848, 0.013170252554118633, 0.0023288025986403227, -0.024707943201065063, 0.020070916041731834, 0.02005719766020775, 0.0125048803165555, 0.031114721670746803, 0.0022979348432272673, 0.03811141848564148, 0.006238721311092377, -0.021868107840418816, -0.019138023257255554, -0.019234057515859604, -0.00947983842343092, 0.02436496689915657, 0.016942981630563736, 0.04071803018450737, 4.4077689381083474e-05, -0.0022653520572930574, 0.014555873349308968, 0.04593125730752945, -0.0026203314773738384, 0.019741659983992577, -0.004204877652227879, 0.014843972399830818, -0.016600005328655243, 0.022032735869288445, -0.0244335625320673, -0.012840996496379375, 0.01245686411857605, 0.022032735869288445, 0.031526293605566025, -0.005089753773063421, -0.0073671103455126286, 0.042858198285102844, 0.03446216136217117, 0.02677951380610466, 0.03029158152639866, -0.020592238754034042, 0.0157768651843071, 0.015324138104915619, -0.0073671103455126286, -0.011427938006818295, -0.016311906278133392, -0.0032942781690508127, -0.009637607261538506, 0.0006868080818094313, 0.01898711360991001, 0.004211737308651209, -0.012189343571662903, -0.054190102964639664, -0.004880539141595364, -0.03237687051296234, 0.0015562506159767509, 0.01596893183887005, -0.009520995430648327, 0.03427009657025337, -0.0052063656039536, 0.0044723981991410255, 0.023747611790895462, -0.01271066628396511, -0.005974630359560251, -0.0025448768865317106, -0.021127279847860336, 0.0352029874920845, -0.03833092376589775, 0.01590033620595932, 0.009713061153888702, 0.029084308072924614, -0.012594054453074932, -0.02046876773238182, 0.0101726483553648, 0.034654226154088974], "5532cc4a-e055-410c-a373-49430e34d5d1": [-0.00665679294615984, 0.024624356999993324, 0.020169377326965332, 0.00431375578045845, -0.015650203451514244, -0.030504416674375534, 0.0032995096407830715, 0.006229910999536514, 0.016343485563993454, 0.032378844916820526, 0.03314916044473648, -0.05731132999062538, -0.06270352005958557, 0.006156089249998331, 0.04021036624908447, 0.005982768721878529, -0.047245897352695465, 0.03142879158258438, -0.04716886579990387, 0.029271915555000305, 0.039799533784389496, 0.052432674914598465, -0.01105399988591671, 0.03592228889465332, 0.04005630686879158, -0.0002485464792698622, -0.007427106611430645, -0.016690127551555634, -0.015804266557097435, -0.01585562154650688, 0.06809572130441666, -0.017909789457917213, 0.015072468668222427, 0.03700072690844536, 0.002524381736293435, 0.016317809000611305, -0.023622948676347733, 0.007857197895646095, 0.05607882887125015, -0.035331714898347855, -0.006971337832510471, -0.022852635011076927, 0.031890980899333954, 0.002694492693990469, -0.006480262614786625, 0.05168804153800011, -0.04249563068151474, -0.00025376214762218297, -0.037591300904750824, 0.043779488652944565, -0.07338520884513855, 0.023430371657013893, 0.02178703434765339, 0.035151977092027664, -0.01536775566637516, -0.02832186222076416, 0.03178827464580536, 0.025612926110625267, 0.01968151144683361, -0.013275070115923882, 0.009603242389857769, 0.013429133221507072, -0.005164310336112976, 0.04095500335097313, 0.03150582313537598, 0.007362913805991411, -0.021645810455083847, -0.00794706866145134, -0.031685564666986465, 0.012479079887270927, -0.002208232181146741, 0.03361134976148605, 0.024457454681396484, -0.020516017451882362, -0.06265217065811157, -0.003909341525286436, 0.01382712833583355, -0.012389210052788258, 0.04403625801205635, -0.010656003840267658, -0.013339263387024403, -0.014225123450160027, -0.046039074659347534, 0.001638521091081202, 0.014623119495809078, -0.009359309449791908, -0.08853470534086227, -0.02228773944079876, -0.011137450113892555, -0.05859518423676491, -0.0012605860829353333, 0.052432674914598465, -0.02801373600959778, 0.03926031291484833, 0.01070093922317028, -0.0061913952231407166, -0.044293031096458435, -0.0037392303347587585, -0.013839966617524624, 0.03474114090204239, 0.05407601222395897, -0.031531501561403275, -0.011028322391211987, -0.03332889825105667, 0.03314916044473648, 0.011888505890965462, 0.010829324834048748, 0.00020290941756684333, 0.0027281937655061483, -0.01175370067358017, -0.09469721466302872, -0.020965367555618286, -0.0072794631123542786, -0.010559715330600739, 0.004698912613093853, 0.021530263125896454, -0.02657581865787506, -0.01695973612368107, 0.001776535646058619, -0.009609661996364594, -0.028938112780451775, 0.023263469338417053, 0.04542282223701477, -0.04021036624908447, -0.028039414435625076, 0.019758542999625206, -0.003249760251492262, -0.011362125165760517, -0.003880454460158944, 0.0027634999714791775, 0.006284474860876799, 0.03160853311419487, 0.018346302211284637, -0.019039584323763847, -0.025818342342972755, 0.009930625557899475, -0.011182385496795177, -0.021632973104715347, -0.057619452476501465, -0.01796114444732666, -0.0018375187646597624, -0.044678185135126114, -0.006727404892444611, 0.02916920743882656, 0.03402218222618103, -0.035691194236278534, -0.0036942954175174236, -0.011901344172656536, -0.026986651122570038, -0.04134016111493111, 0.013352101668715477, -0.017165154218673706, -0.01545762550085783, 0.01398119144141674, 0.002949659014120698, -0.0014652005629613996, 0.030658479779958725, 0.06789030134677887, -0.012941267341375351, 0.049351420253515244, -0.0656307116150856, 0.03243020176887512, -0.023866882547736168, -0.002328593749552965, 0.005273438058793545, -0.001245340215973556, -0.00332839647307992, -0.052278611809015274, -0.04336865246295929, -0.008993410505354404, -0.04747699201107025, -0.02904082089662552, -0.026806911453604698, -0.013955513946712017, 0.028886757791042328, -0.04013333469629288, -0.006188185419887304, -0.0362560898065567, -0.00665679294615984, -0.019309192895889282, 0.006560503970831633, 0.016895543783903122, -0.05654101446270943, -0.026203500106930733, -0.0007233725627884269, -0.028450246900320053, 0.040338754653930664, -0.005340840667486191, -0.02488112822175026, 0.020593049004673958, -0.0020365165546536446, 0.004188579972833395, 0.002450559986755252, -0.06342248618602753, -0.0483500137925148, -0.047091834247112274, 0.014058222062885761, 0.00855048093944788, -0.023366177454590797, -0.010059011168777943, 0.04288078844547272, -0.029939521104097366, 0.056900493800640106, 0.020002475008368492, -0.020836981013417244, 0.011034741997718811, 0.0064256987534463406, 0.009282278828322887, -0.003370121819898486, -0.03355999290943146, 0.07574749737977982, -0.020002475008368492, 0.021157946437597275, 0.042752403765916824, -0.05325434356927872, -0.0039446474984288216, -0.02919488400220871, 0.0012469451176002622, -0.025831181555986404, 0.024637196213006973, -0.014507572166621685, -0.0008898726664483547, 0.021555941551923752, -0.015265046618878841, -0.00786361750215292, 0.0029657070990651846, 0.01373725850135088, -0.00044252909719944, 0.0006459400174207985, -0.020503180101513863, -0.010996226221323013, 0.04424167424440384, -0.03163421154022217, -0.016446193680167198, 0.04781079664826393, -0.04092932865023613, 0.04357406869530678, -0.005084069445729256, -0.05505174398422241, -0.029323268681764603, 0.019963959231972694, 0.03823322802782059, 0.03489520400762558, 0.0690714493393898, 0.030530093237757683, -0.018872682005167007, -0.007889294996857643, -0.05977633222937584, 0.0431889146566391, -0.013711581006646156, 0.02575415000319481, -0.00045777487684972584, 0.026216337457299232, -0.027525871992111206, -0.009070442058146, -0.08658324182033539, -0.008081872947514057, -0.0033925892785191536, -0.012716593220829964, -0.06753082573413849, 0.010777970775961876, -0.008402837440371513, -0.03091525100171566, 0.01660025678575039, 0.0028036204166710377, 0.053459759801626205, 0.03689802065491676, 0.029759781435132027, 0.0038451484870165586, -0.009468437172472477, -0.020772788673639297, 0.02886108122766018, 0.02624201588332653, -0.0013271861243993044, -0.006515569053590298, 0.0024280925281345844, 0.021671488881111145, -0.014751505106687546, -0.025985244661569595, -0.004766315221786499, -0.006599019281566143, -0.02952868677675724, 0.00021003080473747104, 0.02381552755832672, 0.006306942086666822, -0.017486117780208588, -0.013878482393920422, 0.0025484540965408087, -0.02127349190413952, 0.03594796732068062, -0.0056553855538368225, -0.04904329776763916, -0.009539049118757248, 0.01061106938868761, 0.03712911531329155, -0.01848752610385418, -0.01585562154650688, -0.0052156648598611355, -0.018230754882097244, 0.022660057991743088, -0.017396247014403343, -0.014019707217812538, -0.03094092756509781, 0.004512753803282976, 0.010238750837743282, 0.002858184278011322, 0.01901390589773655, 0.02950301021337509, 0.010341459885239601, -0.024932481348514557, 0.0021536683198064566, 0.050892047584056854, 0.04593636468052864, -0.022056644782423973, -0.03833593800663948, 0.006229910999536514, 0.0026768397074192762, -0.034818172454833984, 0.007401429582387209, -0.003912550862878561, 0.014366348274052143, -0.0010383184999227524, -0.029117852449417114, -0.0328153558075428, 0.013596034608781338, -0.05299757421016693, 0.04991631954908371, 0.015008275397121906, -0.016304969787597656, 0.03661557286977768, -0.005408243276178837, -0.021966775879263878, 0.014096737839281559, 0.00014443379768636078, -0.00665679294615984, 0.028270507231354713, -0.012626723386347294, -0.013852805830538273, 0.009301535785198212, 0.016009682789444923, -0.0397738553583622, -0.040338754653930664, 0.003925389610230923, -0.00795348733663559, -0.00880083255469799, -0.028732696548104286, -0.0011618896387517452, 0.029990874230861664, -0.0028742323629558086, 0.05607882887125015, -0.022043805569410324, -0.01693405956029892, -0.02348172478377819, -0.03253290802240372, 0.03658989444375038, 0.008986991830170155, 0.020798465237021446, -0.032738327980041504, -0.04650126025080681, 0.03936302289366722, -0.05957091599702835, -0.015316401608288288, 0.03784807398915291, 0.008338644169270992, 0.009526210837066174, 0.004785573109984398, -0.05818435177206993, -0.06260081380605698, 0.024765580892562866, -0.014148092828691006, 0.027885351330041885, -0.0431889146566391, 0.044832248240709305, -0.007266624365001917, -0.06352519243955612, 0.021966775879263878, 0.050327152013778687, 0.015290724113583565, 0.0012292920146137476, 0.009051184169948101, 0.11359557509422302, -0.02472706511616707, -0.035691194236278534, -0.017524633556604385, 0.03420192375779152, 0.016818512231111526, -0.02432907000184059, 0.009121796116232872, 0.02384120412170887, 0.004278449807316065, 0.023212114349007607, 0.010578973218798637, 0.03612770512700081, -0.0015253813471645117, 0.053819239139556885, -0.03253290802240372, 0.02726910077035427, 0.0026832588482648134, 0.01710096187889576, -0.05325434356927872, 0.051046110689640045, -0.020811304450035095, -0.044626832008361816, -0.003716762876138091, 0.012613884173333645, 0.06229269132018089, 0.02622917667031288, 0.02052885666489601, 0.02970842644572258, 0.0003733212361112237, 0.024932481348514557, -0.02832186222076416, 0.044138967990875244, -0.007722393609583378, 0.03212207555770874, -0.06670915335416794, -0.012029729783535004, 0.04365110024809837, 0.059673622250556946, -0.06963634490966797, 0.02210799977183342, -0.03338025510311127, -0.010816486552357674, -0.020593049004673958, -0.07405281066894531, 0.0026832588482648134, 0.015380593948066235, -0.03404786065220833, 0.022493155673146248, -0.09824065864086151, -0.018615910783410072, -0.018140884116292, -0.005170729942619801, 0.019450416788458824, -0.01916796900331974, -0.012652399949729443, 0.01322371605783701, 0.010925614275038242, -0.03995359688997269, -0.03055577166378498, -0.027885351330041885, -1.4581293726223521e-05, -0.02729477733373642, -0.024958159774541855, -0.017203669995069504, -0.002315755235031247, 0.017357733100652695, -0.008685285225510597, 0.028886757791042328, 0.02611362934112549, -0.0014531643828377128, -0.043291620910167694, 0.01018739677965641, 0.023725656792521477, -0.03838729113340378, -0.018782813102006912, 0.018256431445479393, -0.018590234220027924, -0.00046700259554199874, -0.052073195576667786, -0.014481894671916962, 0.0029416349716484547, 0.04526875913143158, 0.05099475756287575, 0.03779671713709831, -0.010662423446774483, 0.007844359613955021, 0.006367925554513931, 0.02001531422138214, 6.51958107482642e-05, 0.04562823846936226, 0.05376788601279259, 0.0037392303347587585, 0.030170613899827003, -0.07502853870391846, -0.028270507231354713, 0.015804266557097435, -0.010656003840267658, 0.028270507231354713, -0.03820755332708359, 0.020092345774173737, -0.015984006226062775, -0.03882380202412605, -0.014173769392073154, 0.07025259733200073, -0.010932032950222492, 0.010386394336819649, 0.017858436331152916, -0.019630156457424164, 0.02622917667031288, -0.0054756454192101955, 0.035691194236278534, -0.0054756454192101955, -0.01271017361432314, -0.007606846280395985, -0.03556280955672264, -0.020426148548722267, -0.051046110689640045, 0.00041203750879503787, 0.001802212791517377, -0.003341234987601638, -0.04989064112305641, 0.03638447821140289, -0.010020495392382145, 0.0031213746406137943, 0.01262030377984047, 0.03112066723406315, -0.021992452442646027, -0.015586011111736298, 0.006204233970493078, 0.004589784890413284, 0.00934005156159401, -0.01882132887840271, -0.042572662234306335, -0.0032930904999375343, 0.010745874606072903, -0.0017717211740091443, 0.025137899443507195, -0.017871273681521416, -0.010039753280580044, -0.02384120412170887, 0.006046961527317762, 0.011946279555559158, 0.011586800217628479, -0.047451313585042953, 0.0061400411650538445, -0.039645470678806305, -0.018038176000118256, -0.02210799977183342, -0.0026270903181284666, 0.021389039233326912, -0.04994199424982071, 0.010142462328076363, -0.005132214166224003, 0.008698123507201672, -0.033251870423555374, 0.009988399222493172, -0.009571146219968796, -0.014302155002951622, -0.022030968219041824, 0.023263469338417053, -0.033072128891944885, 0.02868134155869484, 0.004352271556854248, 0.008601834997534752, -0.03389379754662514, -0.004833717364817858, -0.004750267136842012, 0.017524633556604385, -0.005340840667486191, -0.007812263444066048, 0.01242130622267723, 0.028784049674868584, -0.006592600140720606, 0.0535624697804451, -0.0056553855538368225, -0.03486952558159828, -0.028629986569285393, -0.008062615059316158, 0.008839348331093788, 0.009904948063194752, -0.02346888557076454, 0.030992282554507256, -0.0016008078819140792, 0.009641758166253567, 0.02610079199075699, -0.02973410300910473, 0.019899766892194748, -0.026036597788333893, 0.012074665166437626, 0.02937462367117405, -0.013185200281441212, -0.04683506488800049, -0.049839287996292114, 0.028090767562389374, -0.0061913952231407166, -0.029451655223965645, 0.008184581995010376, 0.013942675665020943, 0.004358690697699785, -0.016805674880743027, -0.04064687713980675, -0.01443054061383009, 0.012010471895337105, -0.029811134561896324, -0.000485056807519868, -0.017011091113090515, -0.0030716252513229847, -0.021196462213993073, 0.001632101833820343, -0.02124781534075737, -0.024495970457792282, 0.02313508465886116, 0.06260081380605698, -0.009006249718368053, 0.008518383838236332, -0.027012329548597336, 0.020002475008368492, -0.007106142584234476, 0.02382836677134037, 0.03869541734457016, 0.0019482513889670372, -0.03985088691115379, -0.01850036345422268, -0.01934770867228508, 0.019732866436243057, -0.016536064445972443, -0.002726589096710086, 0.01201689150184393, 0.00846702978014946, 0.024970997124910355, -0.0172807015478611, -0.009301535785198212, -0.010405652225017548, -0.016292132437229156, 0.010161719284951687, -0.01674148067831993, 0.006682469975203276, 0.002320569707080722, 0.013352101668715477, 0.01054687611758709, 0.008178162388503551, 0.00047542789252474904, 0.026986651122570038, 0.03941437602043152, 0.04822162911295891, -0.010110365226864815, 0.001441930653527379, -0.014366348274052143, -0.014173769392073154, -0.0032208736520260572, -0.02349456399679184, 0.010161719284951687, -0.021466070786118507, 0.00013941872748546302, 0.049300067126750946, -0.011580380611121655, -0.0027249841950833797, -0.011182385496795177, -0.0033251869026571512, 0.010405652225017548, -0.02644743211567402, 0.03574254736304283, -0.008242354728281498, 0.034278951585292816, -0.030453063547611237, 0.0163948405534029, 0.009866433218121529, -0.028604310005903244, -0.026010921224951744, 0.020438985899090767, -0.025523055344820023, 0.033791087567806244, -0.03838729113340378, 0.04580798000097275, -0.02280128188431263, 0.019797058776021004, 0.0172421857714653, -0.01165741216391325, -0.02036195434629917, -0.061573728919029236, -0.004798411391675472, 0.014507572166621685, -0.02606227621436119, -0.016317809000611305, -0.019745703786611557, 0.0019017115700989962, 0.0012092317920178175, 0.011785797774791718, -0.037385884672403336, -0.03230181708931923, -0.024816935881972313, 0.012678077444434166, -0.03420192375779152, 0.004310546442866325, 0.013069652952253819, -0.023379016667604446, -0.04593636468052864, 0.0015984006458893418, 0.039311669766902924, -0.014366348274052143, 0.007998422719538212, -0.005642546806484461, 0.026216337457299232, 0.005629708059132099, 0.02714071422815323, 0.05423007532954216, -0.011824313551187515, -0.006669631693512201, 0.011047580279409885, -0.005305534694343805, 0.022377608343958855, -0.007157496642321348, -0.026883943006396294, 0.0008188593783415854, 0.034099213778972626, 0.0024810514878481627, 0.007497718557715416, -0.0038483580574393272, -0.08951043337583542, -0.024264877662062645, 0.007741651497781277, 0.016985414549708366, -0.030812542885541916, -0.04452412202954292, -0.009994818828999996, -0.036281768232584, 0.053973302245140076, 0.04208479821681976, 0.016818512231111526, -0.009455598890781403, 0.030658479779958725, 0.012626723386347294, 0.003642941126599908, -0.0027586854994297028, 0.03425327688455582, 0.023019537329673767, 0.011278674006462097, 0.023173600435256958, -0.03127473220229149, 0.003684666473418474, 0.032738327980041504, 0.003527394263073802, 0.0151238227263093, -0.005234922748059034, -0.012716593220829964, -0.02058020979166031, 0.005828706081956625, -9.799431427381933e-05, 0.04134016111493111, -0.011175965890288353, 0.03761697933077812, -0.027500193566083908, -0.01901390589773655, -0.010912775062024593, 0.04729725420475006, -0.011368543840944767, -0.010495522059500217, -0.014558926224708557, -0.020811304450035095, 0.014931244775652885, -0.026293369010090828, -0.0018952923128381371, 0.016279293224215508, 0.02399526722729206, 0.006823694333434105, -0.005604031030088663, 0.024791257455945015, -0.04904329776763916, 0.034818172454833984, 0.028604310005903244, 0.010688100941479206, -0.0004469423438422382, 0.042033445090055466, 0.0500447042286396, 0.033945150673389435, 0.0029079336673021317, 0.005610450636595488, -0.014995437115430832, -0.0035113459452986717, 0.02662717178463936, 0.06516852974891663, -0.042033445090055466, 0.03820755332708359, -0.01603536121547222, -0.0032096398063004017, 0.017486117780208588, 0.02488112822175026, 0.012344274669885635, -0.005045553669333458, 0.01726786233484745, 0.0029576830565929413, 0.03587093576788902, 0.029657071456313133, 0.044678185135126114, -0.04580798000097275, 0.0028357168193906546, -0.05202184244990349, 0.009994818828999996, -0.03486952558159828, -0.00012196631723782048, -0.027500193566083908, -0.04267537221312523, -0.0078058443032205105, 0.00717033538967371, 0.008409256115555763, 0.008338644169270992, -0.02521493099629879, 0.005998816806823015, -0.020644403994083405, 0.009551888331770897, -0.010482683777809143, 0.018371978774666786, 0.03679531067609787, 0.03217342868447304, 0.020182214677333832, 0.03160853311419487, -0.021119430661201477, 0.022146515548229218, 0.020413309335708618, 0.0018904778407886624, 0.035639841109514236, -0.048093244433403015, 0.004942845553159714, 0.01676715910434723, 0.05464090779423714, -0.008422095328569412, 0.018051015213131905, -0.029117852449417114, -0.033945150673389435, -0.03260993957519531, 0.00036950979847460985, -0.02384120412170887, -0.00025817539426498115, 0.02901514433324337, -0.006855790503323078, 0.02381552755832672, -0.0053119538351893425, -0.00916031189262867, 0.010835744440555573, 0.05597611889243126, 0.011728024110198021, -0.00410191947594285, -0.02729477733373642, -0.00334444479085505, -0.02299385890364647, -0.016356324777007103, -0.01746044121682644, 0.055359866470098495, -0.004602623637765646, 0.01658741943538189, -0.017678696662187576, -0.01485421322286129, -0.02973410300910473, 0.00027482540463097394, 0.01830778643488884, -0.04537146911025047, -0.020272085443139076, 0.0007915774476714432, 0.030093582347035408, 0.007054788526147604, 0.006887887138873339, 0.009609661996364594, 0.02055453322827816, 0.011066838167607784, -0.007074046414345503, -0.026678526774048805, -0.025304799899458885, 0.018217915669083595, 0.024110814556479454, 0.014931244775652885, -0.02087549678981304, -0.0033508639317005873, -1.3992023923492525e-05, 0.006220282055437565, -0.0037520688492804766, 0.01052761822938919, 0.03918328136205673, -0.020246408879756927, -0.010444168001413345, -0.01452041044831276, 0.008094711229205132, 0.021966775879263878, -0.00924376305192709, 0.014815697446465492, -0.006403231527656317, 0.030324677005410194, -0.006637535057961941, -0.004426093306392431, -0.016304969787597656, 0.014879890717566013, 0.03314916044473648, 0.0328153558075428, -0.03225046023726463, -0.0033925892785191536, -0.008223096840083599, 0.028707018122076988, -0.0021087334025651217, 0.03165988624095917, -0.018744297325611115, 0.018949713557958603, -0.007221689447760582, -0.03355999290943146, 0.008441353216767311, 0.012036149390041828, -0.029246238991618156, 0.015598849393427372, 0.047939181327819824, -0.00795348733663559, 0.021838389337062836, 0.00297694094479084, 0.005356888752430677, -0.005552676972001791, -0.004641139414161444, 0.01147767249494791, 0.04804188758134842, 0.008653189055621624, 0.03658989444375038, 0.01235711295157671, 0.028604310005903244, -0.0024746323470026255, -0.01503395289182663, -0.0010182582773268223, 0.030324677005410194, -0.008903540670871735, 0.013236554339528084, 0.046578291803598404, 0.007131819613277912, 0.016664449125528336, 0.020657241344451904, 0.036179061979055405, -0.024136491119861603, 0.0604952909052372, -0.022737087681889534, 0.0036814569029957056, 0.005392194725573063, -0.014700150117278099, 0.009301535785198212, 0.010784389451146126, -0.008248774334788322, 0.025792665779590607, -0.003835519542917609, 0.005366517696529627, -0.010476264171302319, -0.007690296974033117, 0.02488112822175026, 0.005193197168409824, 0.021324846893548965, 0.024136491119861603, -0.025844020769000053, -0.017177991569042206, -0.010688100941479206, 0.04159693047404289, 0.00566180469468236, 0.007317978888750076, 0.01694689877331257, 0.01970718801021576, -0.013403455726802349, 0.003447153139859438, 0.009539049118757248, -0.011939859949052334, 0.0015382198616862297, -0.0155474953353405, -0.009237343445420265, 0.0449349582195282, -0.029400300234556198, 0.0031968012917786837, 0.00686862925067544, 0.006300522945821285, 0.013955513946712017, 0.0016104368260130286, -0.005045553669333458, 0.04852975532412529, -0.018615910783410072, -0.006945660803467035, -0.016163745895028114, 0.003145447000861168, 0.002195393666625023, -0.007003434002399445, -0.007613265886902809, 0.012703754007816315, 0.0082038389518857, -0.02747451700270176, -0.021376201882958412, 0.05710591375827789, -0.0011089305626228452, -0.03689802065491676, 0.014379186555743217, 0.0640387311577797, 0.006483472418040037, -0.0019626948051154613, 0.027038006111979485, 0.020464664325118065, 0.020978206768631935, 0.03728317469358444, -0.016792835667729378, 0.02002815343439579, -0.004695703275501728, 0.02435474656522274, 0.037565626204013824, 0.00915389321744442, -0.004602623637765646, 0.038618385791778564, 0.01692122034728527, 0.01287065539509058, 0.022313416004180908, -0.03212207555770874, 0.0010495522292330861, 0.033431608229875565, 0.013608872890472412, 0.015521817840635777, -0.02732045389711857, -0.019039584323763847, -0.012588207609951496, 0.0015061234589666128, -0.022595863789319992, -0.02644743211567402, -0.002983360318467021, 0.024316230788826942, 0.02244180254638195, 0.01521369256079197, 0.006913564167916775, 0.004698912613093853, -0.0044325124472379684, 0.03820755332708359, -0.0009259810904040933, -0.0037649075966328382, -0.0014708174858242273, -0.022236384451389313, -0.0029994084034115076, 0.019899766892194748, 0.00017121422570198774, -0.02973410300910473, -0.015560333617031574, -0.03345728665590286, -0.007099723443388939, -0.01901390589773655, -0.032892387360334396, 0.00012808469182346016, -0.02536899410188198, 0.03225046023726463, 0.03558848798274994, 0.03142879158258438, -0.06681185960769653, -0.0431632362306118, 0.012203050777316093, 0.01607387699186802, 0.017486117780208588, -0.02052885666489601, 0.002615856472402811, -0.014302155002951622, -0.003145447000861168, -0.0025340106803923845, 0.005100117530673742, -0.014302155002951622, 0.037411563098430634, -0.008518383838236332, 0.012954106554389, -0.009789401665329933, -0.027243422344326973, -0.012106761336326599, 0.004840136971324682, -0.0027105407789349556, -0.000547644798643887, -0.005908946972340345, 0.030992282554507256, 0.0036397315561771393, 0.0067017278634011745, 0.009192408062517643, 0.021466070786118507, -0.02194109745323658, -0.009603242389857769, 0.012844978831708431, 0.019617319107055664, 0.008563319221138954, -0.003466411028057337, -0.01712663844227791, -0.0414171926677227, 0.01779424399137497, 0.004371529445052147, -0.013480487279593945, 0.016138069331645966, -0.019630156457424164, -0.008011261001229286, 0.014687311835587025, -0.007189593277871609, -0.010835744440555573, -0.017678696662187576, 0.00873663928359747, -0.01606103777885437, 0.042059119790792465, 0.020939690992236137, 0.01932203210890293, -0.04198208823800087, 0.0014700150350108743, -0.023712819442152977, -0.023379016667604446, 0.0030652061104774475, 0.005966720636934042, -0.026164984330534935, -0.029965197667479515, 0.03022196888923645, -0.015380593948066235, -0.0049588936381042, -0.055000387132167816, 0.016163745895028114, 0.04886355623602867, 0.019065260887145996, 0.020438985899090767, 0.011779378168284893, 0.0025340106803923845, 0.019424740225076675, 0.02122213877737522, 0.006088686641305685, 0.01743476279079914, 0.023096568882465363, -0.0036525700706988573, 0.018243592232465744, 0.011965537443757057, 0.0015895741526037455, -0.0014972969656810164, 0.000288466369966045, 0.01654890365898609, 0.0031229795422405005, 0.023263469338417053, -0.006823694333434105, 0.016125230118632317, 0.0031422374304383993, 0.015817105770111084, 0.04092932865023613, 0.033585671335458755, -0.008056196384131908, 0.0094941146671772, 0.0053376308642327785, 0.03258426487445831, -0.023943912237882614, 0.03920895978808403, -0.016009682789444923, -0.0005107339238747954, -0.009635338559746742, -0.015110984444618225, 0.026152145117521286, 0.0030796495266258717, 0.033226191997528076, -0.013660226948559284, -0.0302476454526186, -0.011047580279409885, 0.017306378111243248, -0.048452723771333694, -0.005385775584727526, -0.01467447355389595, -0.008158904500305653, 0.009019088000059128, -0.05340840667486191, 0.010309362784028053, 0.0020621935836970806, 0.008223096840083599, -0.023956751450896263, -0.00922450516372919, -0.007844359613955021, 0.03181394934654236, 0.012132438831031322, -0.03332889825105667, 0.030144937336444855, -0.022236384451389313, -0.024816935881972313, -0.02260870300233364, 0.09038345515727997, -0.0005368122365325689, 0.0656307116150856, -0.013037556782364845, -0.021286331117153168, -0.030299000442028046, 0.003979953471571207, 0.01638200134038925, -0.038772448897361755, -0.00924376305192709, -0.010039753280580044, 0.030607124790549278, 0.013544680550694466, 0.03345728665590286, -0.027166390791535378, 0.01346764899790287, -0.02381552755832672, 0.006997014861553907, -0.03751426935195923, 0.015136661008000374, 0.018924036994576454, -0.0007831521215848625, 0.031043635681271553, 0.00777374766767025, 0.016369163990020752, -0.007799424696713686, 0.04678371176123619, 0.008081872947514057, -0.027166390791535378, -0.04072390869259834, 0.015406271442770958, 0.01884700544178486, 0.026139305904507637, 0.047605376690626144, -0.0027907819021493196, 0.0008569738129153848, 0.011015484109520912, 0.023353340104222298, -0.017999660223722458, -0.03309780731797218, -0.0023558756802231073, 0.030658479779958725, 0.014289316721260548, 0.02762858010828495, 0.003459991654381156, 0.0010511570144444704, -0.03140311688184738, -0.03918328136205673, 0.007857197895646095, -0.004227095749229193, -0.029939521104097366, -0.00354023277759552, -0.016343485563993454, -0.0021087334025651217, -0.006669631693512201, 0.016857028007507324, 0.013063234277069569, 0.01585562154650688, 0.04193073511123657, 0.005023086443543434, 0.049120329320430756, -0.020516017451882362, 0.033765412867069244, -0.017229346558451653, -0.009487695060670376, -0.010482683777809143, -0.013878482393920422, 0.005466016475111246, -0.01147767249494791, -0.02542034722864628, -0.005716368556022644, 0.020605888217687607, 0.020438985899090767, 0.0028485553339123726, 0.0017508585005998611, 0.02023356966674328, -0.029400300234556198, -0.009288697503507137, 0.019797058776021004, 0.048632461577653885, 0.007658200804144144, -0.010816486552357674, -0.012228727340698242, 0.020464664325118065, -0.005976349581032991, 0.006534826476126909, 0.020618725568056107, 0.01622793823480606, 0.006245959084481001, -0.0075298151932656765, -0.010328620672225952, 0.0082038389518857, 3.3951972000068054e-05, 0.023289145901799202, -0.002935215597972274, -0.0003701116074807942, -0.026498787105083466, 0.02484261244535446, 0.0035177653189748526, -0.024791257455945015, 0.017909789457917213, 0.010052591562271118, 0.00354023277759552, -0.02922056056559086, 0.005189987830817699, -0.0026319045573472977, 0.003283461555838585, -0.00578377116471529, 0.010065430775284767, -0.007581169251352549, -0.009558307006955147, 0.01235069427639246, 0.0033797507639974356, 0.012312178499996662, -0.02540750801563263, 0.009699531830847263, 0.023879719898104668, 0.006377554498612881, -0.026550140231847763, -0.02452164888381958, -0.01585562154650688, 0.022839797660708427, -0.04557688534259796, 0.01608671434223652, 0.018692942336201668, -0.0025340106803923845, -0.014481894671916962, -0.01952744834125042, 0.024804096668958664, -0.003559490665793419, -0.005950672086328268, 0.05818435177206993, 0.007722393609583378, 0.02264721877872944, 0.004702122416347265, 0.02002815343439579, -0.008813670836389065, -0.0003530603717081249, -0.00932079367339611, 0.013685904443264008, -0.050506893545389175, 0.011387801729142666, -0.03201936557888985, 0.000316350138746202, 0.02973410300910473, 0.005398614332079887, -0.017152315005660057, 0.00915389321744442, 0.009166731499135494, 0.03366270288825035, 0.0036686183884739876, 0.016805674880743027, -0.003854777431115508, 0.02177419699728489, 0.011792216449975967, -0.030863896012306213, 0.025125060230493546, 0.010912775062024593, 0.006040542386472225, -0.018705781549215317, -0.015419109724462032, -0.00431375578045845, -0.05022444576025009, -0.0003261796373408288, -0.03528036177158356, -0.017357733100652695, 0.00655729416757822, 0.01778140477836132, 0.002131200861185789, -0.004194999113678932, -0.007574750110507011, -0.018705781549215317, 0.007748070638626814, 0.032558586448431015, 0.007902133278548717, 0.0064674243330955505, 0.022236384451389313, -0.013878482393920422, -0.04054417088627815, -0.05556528642773628, -0.0163948405534029, 0.0164076779037714, -0.009442760609090328, -0.013762935996055603, 0.022030968219041824, 0.02034911699593067, 0.008441353216767311, -0.0094941146671772, -0.005812657531350851, 0.0019049212569370866, 0.0285016018897295, 0.005758093670010567, 0.014032545499503613, 0.011728024110198021, 0.013711581006646156, 0.0017781404312700033, -0.02124781534075737, 0.012485498562455177, 0.030658479779958725, -0.006274845916777849, 0.03638447821140289, -0.017742889001965523, -0.0327896811068058, -0.004686074331402779, -0.02484261244535446, 0.009468437172472477, 0.011708766222000122, -0.023725656792521477, 0.02520209178328514, 0.012472660280764103, 0.009057603776454926, 0.002617461374029517, -0.045345790684223175, 0.01458460371941328, -0.0027490565553307533, -0.021286331117153168, -0.019976798444986343, 0.020169377326965332, 0.009526210837066174, -0.06465498358011246, -0.009006249718368053, 0.014392024837434292, 0.025959566235542297, -0.04865814000368118, 0.034458693116903305, -0.01043774839490652, 0.014687311835587025, -0.04295781999826431, -0.02489396743476391, 0.004281659610569477, 0.051046110689640045, -0.017383409664034843, -0.023969590663909912, 0.02904082089662552, -0.00256931665353477, 0.016369163990020752, -0.020002475008368492, 0.024829773232340813, -0.02312224544584751, 0.011086096055805683, 0.011618896387517452, -0.02006666734814644, 0.01829494722187519, -0.030786864459514618, 0.017486117780208588, -0.014571764506399632, 0.008056196384131908, -0.03520333021879196, -0.0345614030957222, -0.007208851166069508, 0.03610203042626381, -0.010983387939631939, 0.010219492949545383, -0.030504416674375534, 0.012999041005969048, -0.0034054277930408716, 0.010983387939631939, -0.015637366101145744, 0.011548284441232681, 0.010842163115739822, -0.044626832008361816, 0.027217745780944824, 0.0070226918905973434, 0.017306378111243248, -0.025356154888868332, 0.017575988546013832, 0.010514779947698116, -0.014096737839281559, -0.041725318878889084, -0.011009064503014088, -0.014058222062885761, 0.0026399288326501846, 0.027500193566083908, -0.034304630011320114, -0.0037199726793915033, -0.025510217994451523, 0.02829618565738201, 0.009057603776454926, 0.0005504532600753009, -0.007690296974033117, -0.030170613899827003, 0.005321582779288292, -0.02522776834666729, -0.013390617445111275, -0.02747451700270176, 0.007844359613955021, 0.0008842558017931879, 0.0224289633333683, 0.029297592118382454, -0.005905737169086933, 0.052047520875930786, -0.00027703202795237303, -0.038977865129709244, 0.004753476474434137, -0.01778140477836132, 0.01622793823480606, 0.013172361999750137, -0.044832248240709305, -0.005212455056607723, 0.004875442944467068, -0.026498787105083466, -0.00828729011118412, 0.02678123489022255, -0.016125230118632317, 0.01494408305734396, 0.006964918226003647, 0.015534657053649426, 0.028450246900320053, 0.008389998227357864, 0.025869697332382202, -0.003370121819898486, -0.008653189055621624, -0.018731458112597466, 0.0033604928757995367, 0.03407353535294533, -0.004040936473757029, 0.002537220250815153, -0.015110984444618225, -0.019206484779715538, 0.011740862391889095, 0.0020204682368785143, 0.017922628670930862, 0.010912775062024593, 0.012723011896014214, 0.0345614030957222, 0.005498113110661507, -0.023404693230986595, -0.009455598890781403, -0.018243592232465744, -0.005395404528826475, 0.01742192544043064, 0.012761527672410011, 0.028963789343833923, -0.0008706147782504559, -0.007401429582387209, 0.002856579376384616, 0.05505174398422241, -0.01762734167277813, 0.01915512979030609, -0.01097054872661829, 0.0032096398063004017, -0.009558307006955147, 0.018615910783410072, -0.01933486945927143, 0.006502730306237936, -0.0125304339453578, 0.031326085329055786, 0.03366270288825035, 0.01844901032745838, 0.006050170864909887, 0.019809896126389503, 0.03720614314079285, 0.02420068345963955, 0.03304645046591759, -0.01846184767782688, -0.0009869642090052366, 0.020310601219534874, -0.009898529388010502, 0.005931414198130369, -0.016279293224215508, -0.00566180469468236, -0.011156708002090454, 0.02038763277232647, 0.013801450841128826, 0.010103946551680565, -0.025291962549090385, -0.053459759801626205, 0.015663042664527893, -0.028373215347528458, -0.013994029723107815, 0.0010960920481011271, 0.005860802251845598, 0.04616745933890343, -0.006416069809347391, -0.007003434002399445, 0.014635957777500153, -0.020849820226430893, 0.007247366942465305, -0.004994199611246586, -0.03076118789613247, 0.04503766447305679, -0.039131928235292435, -0.005279857665300369, 0.004653977695852518, 0.04095500335097313, 0.00015125428035389632, -0.0047470573335886, 0.026280531659722328, 0.021979613229632378], "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d": [-0.004186529200524092, 0.03240746632218361, 0.0419263131916523, 0.0013898599427193403, 0.025098836049437523, -0.01598677970468998, 0.00504417484626174, -0.00535604590550065, -0.030861670151352882, 0.03631263226270676, 0.026793787255883217, -0.035797368735075, -0.03642110899090767, 0.012203648686408997, 0.02820398658514023, -0.007227271795272827, -0.03004809468984604, 0.013179940171539783, -0.05830632150173187, 0.048543401062488556, 0.05602830648422241, 0.017098667100071907, 0.016393568366765976, 0.03200067952275276, 0.04753999039530754, -0.0008364584064111114, -0.011457869783043861, 0.027187015861272812, 0.007518803235143423, -0.016190173104405403, 0.024800525978207588, -0.011112099513411522, -0.012088391929864883, 0.00421364838257432, 0.00025911565171554685, -0.038400813937187195, -0.015146083198487759, 0.022929299622774124, 0.01816987618803978, -0.035688892006874084, -0.011349393054842949, 0.0038339796010404825, 0.029587067663669586, 0.00912561733275652, -0.026793787255883217, 0.05635373666882515, -0.030807431787252426, -0.017519015818834305, -0.022264879196882248, 0.05597406625747681, -0.05372317135334015, 0.03487531468272209, 0.001101718284189701, -0.002069535432383418, -0.0016271531349048018, -0.010515476576983929, 0.012542638927698135, -0.0032610860653221607, -0.004864509683102369, -0.007200152613222599, 0.016013897955417633, 0.015010487288236618, -0.02421746216714382, 0.05733002722263336, 0.01589186303317547, 0.023742875084280968, -0.018237674608826637, 0.012590097263455391, -0.005793343298137188, -0.01262399647384882, 0.011071421205997467, 0.03707197308540344, 0.004657725803554058, 0.0073221889324486256, -0.0270785391330719, 0.0018983453046530485, 0.006495052948594093, 0.015227441675961018, 0.029207399114966393, -0.026590393856167793, 0.006773024797439575, -0.023661518469452858, -0.05749274417757988, -0.01712578721344471, 0.0010330727091059089, 0.025207314640283585, -0.08862560987472534, -0.02534290961921215, -0.01087480690330267, -0.032976970076560974, -0.023281849920749664, 0.059282612055540085, -0.021519100293517113, 0.03766859322786331, 0.0454246923327446, -0.0024644590448588133, -0.03750587999820709, -0.014264709316194057, -0.030427763238549232, 0.06703870743513107, 0.03859064728021622, -0.04580435901880264, 0.009071378968656063, -0.04051611199975014, 0.08021865040063858, -0.0015847793547436595, -0.0059153796173632145, 0.012481620535254478, -0.01039344072341919, -0.02454289235174656, -0.07663891464471817, -0.022698786109685898, 0.022929299622774124, 0.016312209889292717, 0.014874891377985477, 0.01590542122721672, -0.0106985317543149, -0.03663806617259979, 0.021098751574754715, -0.020068222656846046, -0.01930888369679451, -0.0043729739263653755, 0.033410876989364624, -0.016027458012104034, -0.029234517365694046, 0.024800525978207588, 0.009884955361485481, -0.004742473363876343, -0.023959830403327942, -0.00064747134456411, 0.030536239966750145, 0.01982414908707142, 0.029641306027770042, 0.0019847878720611334, -0.039892371743917465, 0.006705226842314005, -0.027498887851834297, -0.006935740355402231, -0.0724625512957573, 0.001541558071039617, -0.021641137078404427, -0.030644716694951057, -0.024936120957136154, 0.04314667731523514, 0.0021491979714483023, -0.04043475538492203, 0.011457869783043861, 0.006281489040702581, 0.007017097901552916, -0.05025191232562065, 0.034631241112947464, 0.008054408244788647, -0.016271531581878662, 0.02132926508784294, -0.026359880343079567, -0.04781118407845497, 0.029234517365694046, 0.04057035222649574, -0.019376682117581367, 0.052828237414360046, -0.030644716694951057, 0.017519015818834305, 0.011796860024333, -0.00842729676514864, 0.025003919377923012, -0.0015661348588764668, -0.0037221128586679697, -0.03728892654180527, -0.040760185569524765, -0.028854848816990852, -0.049329858273267746, -0.045397572219371796, -0.026576833799481392, -0.005020445212721825, 0.036746542900800705, -0.004603487439453602, 0.0035254983231425285, -0.0340888574719429, -0.018319033086299896, -0.015281680040061474, -0.025410708039999008, 0.029776902869343758, -0.04526197537779808, -0.008935782127082348, -0.007844233885407448, -0.019512277096509933, 0.052367210388183594, 0.01498336810618639, -0.01835971139371395, 0.005617068149149418, -0.03094302862882614, 0.020230937749147415, 0.023525921627879143, -0.07137778401374817, -0.08905951678752899, -0.08108646422624588, 0.012712134048342705, -0.0065221721306443214, -0.018766500055789948, 0.012671454809606075, -0.007634059991687536, -0.05347909778356552, 0.06427254527807236, 0.009952752850949764, -0.007864573039114475, -0.014874891377985477, -0.0012839254923164845, 0.023525921627879143, 0.003949236124753952, -0.015186762437224388, 0.05716731399297714, -0.02272590436041355, 0.029126040637493134, 0.05269264057278633, 0.0029661646112799644, 0.012156189419329166, -0.029044684022665024, -0.013613848015666008, -0.006634038873016834, 0.03685501962900162, -0.013939278200268745, 0.006918790750205517, 0.011559566482901573, -0.022847941145300865, 0.014942689798772335, 0.01932244375348091, 0.02673954889178276, 0.010623954236507416, -0.00548486178740859, 0.004481450654566288, -0.018576664850115776, 0.01341723371297121, 0.021003834903240204, 0.012840949930250645, 0.05296383425593376, -0.06080128997564316, 0.02937011420726776, 0.012793491594493389, -0.03354647383093834, -0.0006415389943867922, -0.006962859537452459, 0.04919426143169403, 0.004779762122780085, 0.05052310600876808, 0.020420771092176437, -0.011552787385880947, -0.0011508718598634005, -0.06931672245264053, 0.0036983834579586983, -0.01947159878909588, 0.021030953153967857, 0.005779783241450787, 0.023973388597369194, -0.05364181473851204, -0.010651073418557644, -0.05798088759183884, 0.00860357191413641, 0.0200953409075737, -0.010800228454172611, -0.07305917143821716, 0.04244157671928406, 0.003603466087952256, -0.04474671185016632, -0.018983453512191772, -0.03878048434853554, 0.03742452338337898, 0.019336003810167313, 0.0314582921564579, -0.03259729966521263, -0.023471683263778687, -0.0213970635086298, 0.006179791875183582, 0.051580753177404404, -0.008515434339642525, -0.019268205389380455, 0.005166211165487766, 0.027024300768971443, -0.005545880179852247, -0.0038509289734065533, -0.02402762696146965, -0.013878259807825089, -0.010149367153644562, 0.012854509986937046, 0.014169791713356972, 0.01861734315752983, -0.01162736490368843, -0.035526175051927567, 0.015946101397275925, -0.02926163747906685, 0.04008220508694649, -0.01341045368462801, -0.050197672098875046, -0.02855653688311577, 0.0033119346480816603, 0.0018864806042984128, -0.012671454809606075, 0.02035297267138958, -0.013471472077071667, -0.013091802597045898, 0.018210554495453835, -0.013403673656284809, 0.002220385940745473, -0.052557047456502914, 0.0042950063943862915, 4.316828835726483e-06, 0.008006948977708817, 0.05494353547692299, 0.02901756390929222, -0.0017034258926287293, -0.029478590935468674, -0.0026797177270054817, 0.018047839403152466, 0.047838300466537476, -0.00782389473170042, -0.029071802273392677, -0.03216339275240898, 0.011084980331361294, -0.021383503451943398, 0.009729019366204739, -0.013471472077071667, -0.026061568409204483, -0.023729316890239716, -0.02890908718109131, -0.014725735411047935, 0.0010161232203245163, -0.017329180613160133, 0.002669548150151968, 0.006532341707497835, -0.0366651825606823, 0.025668339803814888, 0.003037352580577135, -0.038482170552015305, -0.002289879135787487, 0.01894277334213257, -0.011207017116248608, -0.0008470518514513969, -0.01842750981450081, 0.01624441146850586, -0.019254645332694054, 0.0003675925254356116, -0.03709908947348595, -0.03802114352583885, -0.011573126539587975, -0.00716625340282917, 0.023024216294288635, -0.016813915222883224, -0.002188181970268488, 0.02105807326734066, 0.009769698604941368, 0.03696349635720253, -0.03012945130467415, -0.004545859061181545, -0.040760185569524765, -0.0028763320297002792, 0.002474628621712327, 0.0067018368281424046, 0.03387190401554108, -0.006050975527614355, -0.028719251975417137, 0.03823809698224068, -0.04772982373833656, -0.02701074257493019, 0.03587872534990311, 0.025288671255111694, -0.012000254355370998, 0.02524799294769764, -0.0602589026093483, -0.05136379972100258, -0.0007309477077797055, 0.005410284269601107, 0.006213691085577011, -0.04534333199262619, 0.024868324398994446, -0.005315366666764021, -0.03311256691813469, 0.019268205389380455, 0.03091590851545334, 0.06579122692346573, 0.02221064083278179, 0.054726582020521164, 0.08222547173500061, -0.020936036482453346, -0.030346404761075974, -0.045668765902519226, 0.050034958869218826, 0.033492233604192734, -0.002954299794510007, 0.017139345407485962, 0.0070916758850216866, -0.0005411131423898041, 0.016732558608055115, 0.00974257942289114, 0.06036737933754921, -0.00960698351264, 0.052557047456502914, -0.008678150363266468, 0.018549544736742973, 0.03389902412891388, 0.03652958571910858, -0.0777236819267273, 0.03785843029618263, -0.025356469675898552, -0.04309243708848953, 0.0014720651088282466, -0.021993685513734818, 0.03823809698224068, 0.02052924782037735, 0.026522595435380936, 0.011390071362257004, 0.008752727881073952, 0.031566768884658813, -0.021098751574754715, 0.04387889429926872, -0.028068391606211662, 0.013708764687180519, -0.0760422870516777, 0.021125871688127518, 0.0480552539229393, 0.024136103689670563, -0.06400135904550552, -0.0005983177688904107, -0.05673340708017349, -0.00943748839199543, -0.016976630315184593, -0.040841542184352875, 0.005467912647873163, 0.026197165250778198, -0.0349295549094677, 0.07620500773191452, -0.07837454229593277, -0.04349922761321068, 0.027987033128738403, -0.0047628129832446575, 0.019797028973698616, -0.0013178245862945914, -0.010508697479963303, 0.03907879441976547, -0.002361066872254014, -0.03164812922477722, -0.018888534978032112, -0.007518803235143423, 0.015783384442329407, 0.005942498799413443, -0.01341723371297121, -0.041031379252672195, -0.0042983959428966045, 0.02027161605656147, -0.020651284605264664, 0.06611665338277817, 0.025586983188986778, -0.019281763583421707, -0.018820738419890404, 0.016474924981594086, 0.014576580375432968, -0.017057988792657852, -0.05087565258145332, -0.007139134220778942, -0.055702876299619675, -0.010651073418557644, -0.06486917287111282, -0.030373524874448776, 0.024868324398994446, 0.05510625243186951, 0.03012945130467415, 0.038129620254039764, 0.04520773887634277, 0.009417148306965828, 0.0017373249866068363, 0.016556283459067345, -0.034739717841148376, 0.03566177189350128, 0.052719760686159134, 0.026956504210829735, 0.00456280866637826, -0.037966907024383545, 0.010807008482515812, 0.010956164449453354, -0.005942498799413443, -0.001828852342441678, -0.03783131018280983, 0.022129282355308533, -0.0157155878841877, -0.0480823740363121, 0.011410411447286606, 0.05895718187093735, -0.025139516219496727, 0.02980402112007141, -0.0055221510119736195, 0.003569567110389471, 0.04089578241109848, -0.023553041741251945, 0.03457700461149216, 0.017098667100071907, -0.014359625987708569, -0.015213881619274616, -0.034902434796094894, -0.05345198139548302, -0.03511938825249672, -0.020854679867625237, 0.004091612063348293, -0.018400389701128006, -0.026875145733356476, 0.018061399459838867, -0.0026593783404678106, 0.019593635573983192, 0.006047585979104042, 0.005271298345178366, -0.03547193855047226, -0.021912328898906708, -0.014264709316194057, -0.009844276122748852, -0.00511197280138731, -0.007661179173737764, -0.03558041527867317, -0.009315451607108116, -0.0003455581609159708, 0.007017097901552916, 0.029776902869343758, -0.03509226813912392, -0.02237335592508316, -0.023986948654055595, -0.005867920815944672, 0.010556155815720558, -0.001614440931007266, -0.04829932749271393, 0.003376342821866274, -0.019539397209882736, -0.001039852504618466, -0.020298734307289124, -0.03476683795452118, 0.00438653351739049, -0.05803512781858444, 0.032543063163757324, 0.015742706134915352, 0.006281489040702581, -0.0410856157541275, 0.0007017097668722272, -0.005010275635868311, 0.003684823866933584, -0.023702196776866913, 0.03465836122632027, -0.005939108785241842, 0.05095701292157173, 0.026793787255883217, -0.008684929460287094, -0.017329180613160133, 0.0032322718761861324, -0.0014559630071744323, 0.01353926956653595, -0.013071463443338871, 0.02901756390929222, 0.012115511111915112, 0.005823852028697729, -0.03780419006943703, 0.032027795910835266, 0.02000042423605919, -0.00620691105723381, -0.032109156250953674, 0.000500434311106801, 0.007627280429005623, 0.015946101397275925, -0.012312125414609909, 0.03829233720898628, 0.009186635725200176, 0.006823873613029718, 0.020041102543473244, -0.0019525837851688266, 0.007389986887574196, -0.0067764148116111755, 0.021803852170705795, 0.020773321390151978, -0.00487128971144557, -0.033600710332393646, -0.0541841983795166, 0.039187271147966385, -0.02343100495636463, -0.033519353717565536, -0.004247547592967749, 0.02341744489967823, 0.005552660208195448, -0.0067764148116111755, -0.01624441146850586, 0.011057861149311066, 0.025844614952802658, -0.05196042358875275, -0.01547151431441307, -0.004969596862792969, -0.00535265589132905, -0.028366703540086746, -0.006542511284351349, -0.003583126701414585, -0.026536155492067337, 0.02237335592508316, 0.05353333801031113, 0.004654335789382458, 0.002301743719726801, -0.0007195067591965199, -0.01939024217426777, -0.007789995521306992, 0.013864700682461262, 0.04062458872795105, -0.002961079590022564, -0.018766500055789948, -0.032543063163757324, -0.019186846911907196, 0.0026864975225180387, -0.003644145093858242, -0.018807178363204002, -0.013939278200268745, -0.0022119113709777594, 0.012196868658065796, -0.003583126701414585, 0.019702112302184105, -0.012990105897188187, -0.026224283501505852, 0.010766330175101757, -0.00716625340282917, 0.006932350341230631, 0.024800525978207588, 0.004017034079879522, 0.03650246933102608, 0.010508697479963303, 0.004495010711252689, 0.016637640073895454, 0.07192017138004303, 0.03178372606635094, -0.01145108975470066, -0.03292272984981537, -0.04008220508694649, -0.013824021443724632, 0.014359625987708569, -0.026698870584368706, 0.02858365699648857, -0.005315366666764021, 0.0005288247484713793, 0.025966651737689972, -0.023797113448381424, 0.017790207639336586, -0.012881629168987274, 0.014793533831834793, 0.02630564197897911, -0.05231297388672829, 0.025546303018927574, -0.04141104593873024, 0.02385135367512703, -0.03031928651034832, -0.008590012788772583, 0.015105404891073704, -0.02062416635453701, -0.017180025577545166, 0.02672599069774151, -0.022075043991208076, 0.009491726756095886, -0.04480094835162163, 0.0576554574072361, -0.012081611901521683, 0.01271891314536333, 0.02691582404077053, 0.010190046392381191, -0.018847856670618057, -0.04699760675430298, 0.028448060154914856, 0.0248954426497221, -0.055865589529275894, -0.022224199026823044, -0.009349350817501545, 0.020041102543473244, -0.007559482008218765, -0.014427424408495426, -0.021342825144529343, -0.0428212471306324, -0.028366703540086746, -0.007186593022197485, -0.015051166526973248, -0.005644187331199646, 0.004450941924005747, 0.005366215482354164, -0.05139091983437538, -0.02218352071940899, 0.007939151488244534, -0.002094959607347846, -0.022929299622774124, -0.028881967067718506, 0.01677323691546917, 0.010861246846616268, 0.023227611556649208, 0.032895613461732864, -0.02428526058793068, -0.01711222715675831, 0.011105320416390896, 0.0083052609115839, 0.022522510960698128, 0.010305303148925304, -0.05130956321954727, -0.002035636454820633, 0.05187906697392464, -0.003235661657527089, 0.002394966082647443, -0.006152672693133354, -0.08016441017389297, 0.010678192600607872, 0.013925719074904919, 0.010617174208164215, -0.02604801021516323, -0.021207228302955627, -0.016298649832606316, -0.012346024625003338, 0.032461706548929214, 0.043987371027469635, 0.0059018200263381, -0.032027795910835266, 0.053153667598962784, -0.013247738592326641, 0.03110574372112751, 0.0024119154550135136, 0.03785843029618263, 0.005400114227086306, -0.008020509034395218, 0.038672007620334625, -0.007125574629753828, 0.02882772870361805, 0.020068222656846046, -0.004040763713419437, 0.015051166526973248, 0.011403631418943405, -0.0026915825437754393, -0.03688213601708412, 0.012312125414609909, 0.011166337877511978, 0.001828852342441678, -0.030563360080122948, 0.02515307441353798, -0.028366703540086746, 0.013966397382318974, 0.015579991042613983, 0.03083455190062523, -0.03598720207810402, -0.015607110224664211, -0.006542511284351349, -0.013166381046175957, 0.028773490339517593, -0.03601432219147682, 0.009654441848397255, 0.023105574771761894, 0.011851098388433456, 0.013017225079238415, 0.0072340513579547405, 0.018196996301412582, -0.03460412472486496, -0.002822093665599823, 0.02604801021516323, 0.012834169901907444, -0.0028000592719763517, 0.02168181538581848, 0.038482170552015305, 0.004017034079879522, 0.002849212847650051, 0.022956417873501778, -0.030265048146247864, 0.010651073418557644, 0.004033983685076237, 0.06779804825782776, -0.03869912400841713, 0.015959659591317177, -0.0017313925782218575, 0.003442445769906044, 0.00847475603222847, -0.0044611115008592606, 0.035173624753952026, -0.027553126215934753, 0.022766584530472755, -0.007837453857064247, 0.035770248621702194, 0.000827559910248965, 0.05445539206266403, -0.03558041527867317, 0.015051166526973248, -0.03913303092122078, 0.007240831386297941, -0.01722070388495922, 0.008373058401048183, -0.027756519615650177, -0.025383587926626205, -0.0010754464892670512, -0.019363122060894966, 0.01296976674348116, 0.0011661264579743147, -0.02046145126223564, 0.00974935945123434, -0.0436890609562397, -0.004088222049176693, -0.026197165250778198, -0.0072204917669296265, 0.0019966524560004473, 0.017871564254164696, -0.019430920481681824, 0.0032729506492614746, -0.03514650836586952, 0.03826521709561348, 0.013200279325246811, 0.008081527426838875, 0.03178372606635094, -0.028881967067718506, 0.015322358347475529, -0.006010296754539013, 0.05044174566864967, -0.012834169901907444, -0.0018610564293339849, -0.027987033128738403, 0.00734252855181694, -0.033492233604192734, -0.014251149259507656, -0.040678828954696655, 0.0062170810997486115, 0.04797389730811119, -0.012840949930250645, 0.03975677490234375, -0.020502129569649696, -0.010596835054457188, -0.008074747398495674, 0.030427763238549232, -0.010901926085352898, -0.016461364924907684, -0.04593995586037636, -0.031404055655002594, -0.020149579271674156, -0.016054578125476837, -0.03943134471774101, 0.04113985598087311, -8.649547817185521e-05, 0.015186762437224388, -0.01807495951652527, -0.012095171958208084, -0.029749782755970955, -0.0014712176052853465, 0.0214241836220026, -0.030292166396975517, -0.005773003678768873, 0.0012466366169974208, 0.024515774101018906, 0.006559460889548063, 0.014603699557483196, 0.0010042585199698806, 0.023905592039227486, 0.010651073418557644, -0.004383143503218889, -0.023634398356080055, -0.030644716694951057, 0.04832644760608673, 0.027200575917959213, -0.0019203796982765198, -0.006759465206414461, 0.011078201234340668, -0.00751202367246151, 0.0045255194418132305, -0.008054408244788647, -0.014318947680294514, 0.014386745169758797, -0.024583572521805763, -0.0061425031162798405, -0.018454628065228462, 0.01853598654270172, 0.02183097042143345, -0.023051336407661438, 0.008935782127082348, -0.012020593509078026, 0.04184495285153389, -0.021180110052227974, -0.021898768842220306, -0.035960085690021515, 0.008454415947198868, 0.007654399611055851, 0.05705883726477623, -0.005501811392605305, -0.000641115300823003, -0.00908493809401989, 0.034197334200143814, -0.022847941145300865, 0.0200817808508873, -0.0074713448993861675, 0.024624250829219818, -0.027105659246444702, -0.0053696054965257645, 0.023959830403327942, 0.003054301952943206, -0.011905336752533913, 0.0236072801053524, 0.038834720849990845, -0.011844318360090256, 0.0016203733393922448, 0.015213881619274616, -0.023173373192548752, -0.01353926956653595, 0.008101866580545902, -0.01162736490368843, 0.04585859924554825, 0.0038780481554567814, 0.035797368735075, 0.031404055655002594, 0.026224283501505852, -0.013668086379766464, -0.005010275635868311, 0.014834212139248848, 0.036827899515628815, 0.014047754928469658, -0.0018271573353558779, 0.014291828498244286, -0.010549375787377357, 0.016380008310079575, 0.008766287006437778, 0.0018780059181153774, -0.04431280493736267, 0.05608254298567772, 0.0015068115899339318, -0.005823852028697729, 0.007756096310913563, -0.04520773887634277, 0.025559863075613976, 0.06324201822280884, -0.02025805599987507, 0.023458123207092285, 0.007179812993854284, 0.01921396702528, -0.00046611158177256584, 0.0019203796982765198, 0.013491811230778694, 0.021980127319693565, 0.022481832653284073, 0.0030983707401901484, -0.005922159180045128, 7.457785250153393e-05, -0.022861501201987267, 0.011566346511244774, 0.02253607101738453, 0.008698489516973495, 0.015661349520087242, 0.01406131498515606, -0.0035932965110987425, 0.017966482788324356, 0.0038441491778939962, -0.009159516543149948, -0.0016703744186088443, -0.002001737244427204, -0.006027246359735727, 0.03861776739358902, -0.026861585676670074, -0.0031390495132654905, 0.0022593699395656586, 0.01017648633569479, 0.015498633496463299, 0.017939362674951553, 0.020515689626336098, 0.0236072801053524, -0.0187936183065176, -0.03200067952275276, -0.017315620556473732, 0.005162821151316166, -0.0283938217908144, 0.004654335789382458, -0.023892031982541084, 0.01423759013414383, 0.014942689798772335, -0.026671752333641052, -0.021180110052227974, 0.054482508450746536, 0.012420602142810822, 0.006359456572681665, -0.004088222049176693, 0.04588571935892105, 0.011640924960374832, -0.010461238212883472, 0.046889130026102066, 0.02866501361131668, 0.028014153242111206, 0.031919319182634354, -0.01755969412624836, 0.021871650591492653, -0.015579991042613983, 0.02463781088590622, 0.006949299946427345, 0.014291828498244286, 0.011471429839730263, 0.030265048146247864, -0.0004163223784416914, 0.0007449310505762696, -0.010590055026113987, -0.030373524874448776, 0.01940380036830902, 0.030617598444223404, 0.019959744065999985, -0.0020661454182118177, -0.025885293260216713, -0.022156402468681335, -0.011437530629336834, -0.02882772870361805, -0.03829233720898628, -0.016908831894397736, 0.0025848005898296833, 0.025993771851062775, 0.04442128166556358, 0.030644716694951057, -0.042685650289058685, 0.030563360080122948, -0.015498633496463299, 0.022563189268112183, -0.002817008877173066, 0.008935782127082348, -0.011505328118801117, 0.0201089009642601, 0.016664760187268257, 0.014563020318746567, -0.015552871860563755, 0.015498633496463299, -0.04097713902592659, -0.06253691762685776, -0.014210470952093601, -0.025749698281288147, -0.0019169898005202413, -0.014617258682847023, -0.05846903473138809, 0.06080128997564316, 0.00018464373715687543, 0.036393992602825165, -0.03788554668426514, -0.038482170552015305, 0.004545859061181545, 0.016041018068790436, 0.022427594289183617, -0.007803555112332106, -0.017315620556473732, -0.03652958571910858, -0.0053729950450360775, 0.00517638074234128, 0.02550562471151352, -0.014346066862344742, 0.03555329516530037, -0.013315536081790924, 0.024759845808148384, -0.016827475279569626, -0.04265853017568588, 0.014101993292570114, 0.018644463270902634, -0.008630691096186638, 0.016881713643670082, -0.01437318604439497, 0.03747875988483429, 0.006813703570514917, -0.009695121087133884, 0.03048200160264969, 0.007145914249122143, -0.03793978691101074, 0.0022508951369673014, 0.006878111977130175, 0.016122374683618546, 0.014617258682847023, -0.026183605194091797, -0.003681433852761984, -0.012807050719857216, 0.0027237865142524242, -0.010474798269569874, -0.023227611556649208, 0.007844233885407448, -0.016624081879854202, -0.01056971587240696, -0.007966270670294762, -0.0036339752841740847, -0.028773490339517593, -0.019512277096509933, 0.017180025577545166, -0.007769656367599964, 0.01781732589006424, -0.004057713318616152, 0.04789254069328308, -0.04000084847211838, 0.012529078871011734, 0.005027225241065025, -0.005376385059207678, 0.004430602304637432, 0.011518888175487518, -0.002481408417224884, -0.015959659591317177, 0.01956651546061039, 0.0028881968464702368, -0.017085107043385506, -0.046617936342954636, 0.0001511684531578794, 0.02421746216714382, 0.003837369382381439, 0.030373524874448776, 0.027024300768971443, -0.012908748351037502, 0.019769910722970963, 0.017776647582650185, 0.014969808980822563, 0.0032661708537489176, 0.025098836049437523, 0.005403504241257906, 0.03593296557664871, 0.0012729082955047488, 0.005640797317028046, 0.01807495951652527, 0.003522108541801572, -0.006434034556150436, 0.008508655242621899, 0.01887497678399086, 0.01939024217426777, -0.007573041599243879, -0.015403715893626213, 0.013098582625389099, 0.04648233950138092, 0.02264454774558544, -0.03083455190062523, -0.003783131018280983, 0.020597046241164207, 0.01402063574641943, -0.017613932490348816, 0.01214263029396534, -0.0141969108954072, 0.0038814381696283817, -0.00973579939454794, 0.014712176285684109, 0.01166804414242506, 0.019959744065999985, 0.02637344039976597, -0.035797368735075, -0.025817496702075005, 0.010996842756867409, 0.0022712345235049725, -0.023186931386590004, 0.011220576241612434, -0.0018237674375995994, 0.0026983623392879963, -0.00991207454353571, -0.05074005946516991, 0.0118036400526762, 0.001094938488677144, 0.014074874110519886, -0.008752727881073952, 0.009545965120196342, -0.016312209889292717, -0.0009457827545702457, 0.017017310485243797, -0.035797368735075, 0.00891544297337532, -0.007606940809637308, -0.015579991042613983, -0.00572554487735033, 0.08710692822933197, 0.00064747134456411, 0.03826521709561348, 0.0013779952423647046, -0.017003750428557396, -0.029397232457995415, 0.009688341058790684, 0.031241340562701225, -0.04420432820916176, 0.010732430964708328, -0.0025102226063609123, 0.0093968091532588, 0.030888790264725685, 0.0249090027064085, -0.030210809782147408, 0.02734973281621933, -0.03834657371044159, 0.012691793963313103, -0.02701074257493019, 0.009423928335309029, -0.0028509078547358513, 0.0060035171918570995, 0.0322989895939827, 0.0040678828954696655, 0.004139070864766836, -0.016976630315184593, 0.05467234551906586, 0.005640797317028046, -0.004508570302277803, -0.022305557504296303, 0.013878259807825089, 0.0041458504274487495, 0.026237843558192253, 0.034278690814971924, 0.009654441848397255, -0.0023508972954005003, 0.000290260388283059, 0.02648191712796688, -0.00367126427590847, -0.02858365699648857, -0.019797028973698616, 0.03004809468984604, 0.04187207296490669, 0.026359880343079567, 0.0053085871040821075, 0.010264623910188675, -0.017085107043385506, -0.011986694298684597, 0.0035322781186550856, 0.00039280494092963636, -0.04100425913929939, -0.004908578470349312, -0.002242420334368944, -0.01520032249391079, -0.02595309168100357, -0.017003750428557396, 0.016651200130581856, 0.016203733161091805, 0.055160488933324814, -0.01869870163500309, 0.004264497198164463, -0.005745884496718645, -0.003796690609306097, -0.0067018368281424046, 0.024854764342308044, -0.012874849140644073, -0.024068307131528854, 0.01502404734492302, -0.009186635725200176, -0.0131053626537323, 0.010135808028280735, 0.00922053400427103, 0.0025254772044718266, 0.00258819037117064, -0.017966482788324356, 0.01852242648601532, -0.013966397382318974, 0.00882052630186081, 0.01547151431441307, 0.008962901309132576, 0.03137693554162979, -0.013817242346704006, -0.009362909942865372, 0.008806966245174408, 0.006650988478213549, 0.01783088594675064, 0.030997266992926598, -0.0030865061562508345, 0.005128922406584024, -0.001833937130868435, -0.01065785251557827, 0.005545880179852247, -0.0005635712877847254, 0.008061187341809273, 0.01353926956653595, -0.008712048642337322, -0.008020509034395218, 0.010766330175101757, 0.010251064784824848, -0.030265048146247864, 0.039105914533138275, -0.0033119346480816603, 0.02438017725944519, -0.0037729612085968256, 0.01305790338665247, -0.003684823866933584, -0.0011415495537221432, -0.012779931537806988, 0.004135680850595236, -0.02654971554875374, -0.003074641339480877, 0.013430792838335037, -0.013742663897573948, 0.008508655242621899, -0.019959744065999985, 0.025492064654827118, 0.02221064083278179, -0.008454415947198868, -0.02078688144683838, -0.03623127564787865, 0.019783470779657364, 0.02471916750073433, -0.04200766980648041, -0.007044217083603144, 0.018563104793429375, 0.003008538391441107, -0.0042204284109175205, -0.011281594634056091, 0.012874849140644073, 0.01035276148468256, -0.0005614525871351361, 0.07582533359527588, 0.02088179811835289, 0.013871480710804462, 0.01245450135320425, 0.01547151431441307, 0.0009576473967172205, 0.0049017989076673985, -0.03471260145306587, 0.012840949930250645, -0.06362168490886688, 0.03745163977146149, -0.020813999697566032, -0.0008351872093044221, 0.00973579939454794, 0.0178986843675375, -0.033248163759708405, -0.007552702445536852, 0.0011178202694281936, 0.029505709186196327, -0.011254475452005863, 0.018902095034718513, -0.017017310485243797, 0.01533591840416193, 0.010264623910188675, -0.015376596711575985, 0.02183097042143345, 0.020122461020946503, -0.0062204706482589245, 0.0032543062698096037, -0.01703086867928505, 0.019254645332694054, -0.03511938825249672, 0.021166549995541573, -0.017776647582650185, 0.013362995348870754, 0.0128884082660079, 0.009939193725585938, 0.0036271954886615276, -0.004606877453625202, -0.017193583771586418, -0.03040064498782158, 0.031404055655002594, 0.0236072801053524, -0.00034195638727396727, 0.013078243471682072, 0.004183139652013779, 0.020407212898135185, -0.02463781088590622, -0.027580244466662407, 0.002437339862808585, 0.01196635514497757, -0.0014627428026869893, -0.015485073439776897, 0.006084874738007784, 0.009973092935979366, 0.007152693811804056, -0.012664674781262875, -0.017627492547035217, -0.027824318036437035, 0.029939617961645126, 0.005332316271960735, 0.006044195964932442, 0.012868069112300873, 0.006023856345564127, -0.00800016988068819, -0.0017313925782218575, 0.03357359394431114, 0.05399436503648758, 0.015796944499015808, 0.020027542486786842, -0.01844106800854206, -0.06584545969963074, -0.007789995521306992, -0.02795991487801075, 0.027309052646160126, 0.02254963107407093, 0.011857878416776657, 0.0016339329304173589, 0.001847496721893549, -0.0019305493915453553, -0.0051458715461194515, -0.05513337254524231, 0.01825123466551304, 0.00318989809602499, 0.016976630315184593, -0.004745863378047943, 0.01765461079776287, 0.021912328898906708, -0.07056421041488647, -0.0040678828954696655, 0.0006784041761420667, 0.009098498150706291, -0.04764846712350845, 0.05252992734313011, 0.0034187166020274162, 0.026942944154143333, -0.01914616860449314, -0.021898768842220306, -0.01280027162283659, 0.06866586208343506, -0.013661306351423264, -0.024488653987646103, -0.0004457721661310643, -0.008312040939927101, -0.000793660874478519, -0.0454246923327446, 0.04290260374546051, -0.033600710332393646, 0.009322231635451317, 0.006020466331392527, -0.010501917451620102, 0.02244115248322487, -0.026251403614878654, 0.011600245721638203, -0.0030271827708929777, 0.005366215482354164, -0.01642068661749363, -0.018495306372642517, 0.01886141672730446, 0.022264879196882248, -0.0068408227525651455, 0.018630903214216232, -0.025288671255111694, 0.009030699729919434, -0.015702027827501297, 0.001761054270900786, -0.012657895684242249, -0.00141443673055619, 0.0077018579468131065, -0.02980402112007141, 0.04214326664805412, 0.01083412766456604, 0.01860378310084343, 0.007918811403214931, -0.006200131494551897, 0.004983156453818083, -0.009579864330589771, -0.04396025463938713, -0.013471472077071667, -0.017613932490348816, -0.006050975527614355, 0.0044339923188090324, 0.0036204156931489706, 0.010122247971594334, 0.005732324905693531, -0.0035526177380234003, -0.007722197566181421, -0.013112141750752926, 0.004413652699440718, -0.026224283501505852, 0.0013135871849954128, 0.011912116780877113, -0.017234263941645622, -0.019634313881397247, 0.015227441675961018, 0.0016500349156558514, 0.02795991487801075, 0.025383587926626205, 0.008617131970822811, 0.055079132318496704, -0.0012847729958593845, -0.018061399459838867, 0.0051560415886342525, -0.01905125193297863, -0.004888239316642284, 0.005074683576822281, -0.016380008310079575, 0.014074874110519886, 0.026332762092351913, -0.02847518026828766, -0.037777069956064224, 0.01021716557443142, -0.017261382192373276, 0.024664929136633873, 0.016651200130581856, 0.014183351770043373, 0.0008059492683969438, 0.0006487425416707993, 0.014725735411047935, 0.00833916012197733, 0.004450941924005747, -0.03449564427137375, 0.00210682419128716, 0.05296383425593376, 0.016488485038280487, -0.01712578721344471, -0.0004550943849608302, -0.01280027162283659, 0.021451301872730255, 0.00833916012197733, 0.032027795910835266, 0.007939151488244534, 0.00847475603222847, 0.03975677490234375, 0.006006906740367413, -0.013173160143196583, -0.019973304122686386, 0.0017025783890858293, 0.0011966355377808213, 0.02332252822816372, 0.013830801472067833, 0.03240746632218361, -0.008149324916303158, -0.004193309228867292, -0.0007902709767222404, 0.06210301071405411, -0.017098667100071907, 0.03587872534990311, 0.007112015038728714, -0.010583274997770786, -0.013518930412828922, 0.023363206535577774, -0.0104883573949337, -0.01614949479699135, -0.016908831894397736, 0.02192588895559311, 0.035254985094070435, 0.027146337553858757, -0.011593465693295002, 0.014657937921583652, 0.02988537959754467, 0.031675245612859726, 0.031241340562701225, -0.022671665996313095, 0.010257844813168049, 0.016922391951084137, -0.03818386048078537, 0.025478506460785866, 0.011132439598441124, -0.02831246517598629, -0.007173033431172371, 0.02436661720275879, 0.025098836049437523, 0.0021525879856199026, -0.02343100495636463, -0.06345897167921066, 0.0030136231798678637, -0.035065148025751114, -0.000974596943706274, 0.024136103689670563, 0.020732643082737923, 0.04735015705227852, -0.0018119027372449636, 0.003330579027533531, 0.012054492719471455, -0.013173160143196583, -0.0021508929785341024, -0.0051323119550943375, -0.025817496702075005, 0.046889130026102066, -0.03170236572623253, 0.023281849920749664, 0.0029949788004159927, 0.014739295467734337, -0.01834615133702755, 0.003823809791356325, -0.00011451514001237229, 0.013071463443338871], "f192b2db-6de7-4806-9c6c-8e1c3abc1d93": [-0.007973026484251022, 0.03349064290523529, 0.050078727304935455, 0.015959154814481735, 0.0068723950535058975, -0.01624741591513157, 0.0201389342546463, -0.003940653521567583, -0.024869028478860855, 0.02984807640314102, 0.0035410195123404264, -0.049397386610507965, -0.020453400909900665, 0.036713920533657074, 0.0344078354537487, -0.006518620532006025, -0.03259965404868126, 0.02239260822534561, -0.07279890775680542, 0.039124827831983566, 0.038915183395147324, 0.015736408531665802, 0.013587556779384613, 0.02299533411860466, 0.023453930392861366, -0.005699698347598314, -0.005928996484726667, 0.04530932754278183, -0.00036933389492332935, -0.027961278334259987, -0.003590154927223921, -0.015854332596063614, -0.017596999183297157, -0.0009081846801564097, -0.002302809152752161, -0.05144141614437103, -0.026886852458119392, 0.012945521622896194, 0.013083100318908691, -0.028695033863186836, -0.032232776284217834, -0.005689871497452259, 0.010580474510788918, -0.001233296818099916, 0.002805627416819334, 0.06352215260267258, -0.0402778685092926, -0.015749512240290642, -0.051572442054748535, 0.059067219495773315, -0.05104833468794823, 0.04088059440255165, -0.0004819357127416879, -0.00847748201340437, 0.010252906009554863, -0.007796138990670443, 0.003010357962921262, 0.0017230123048648238, -0.009728795848786831, -0.02906190976500511, -0.0066529237665236, 0.008254735730588436, -0.03115835040807724, 0.054507460445165634, 0.02144921012222767, 0.013888919726014137, -0.020191345363855362, 0.0049364627338945866, -0.0038718641735613346, 0.023322904482483864, -0.008837807923555374, 0.032285187393426895, 0.0027990760281682014, -0.020636839792132378, -0.03928205743432045, -0.0027892489451915026, -0.03286170959472656, 0.022562943398952484, 0.020335474982857704, -0.009008144028484821, -0.009342264384031296, -0.018108006566762924, -0.03409336879849434, -0.037631113082170486, 0.028590211644768715, 0.009112966246902943, -0.0717506855726242, -0.03417198359966278, -0.022418813779950142, -0.04976426437497139, -0.0029759632889181376, 0.04979046806693077, -0.03936067596077919, 0.0356132872402668, 0.04059233516454697, -0.009977747686207294, -0.017479075118899345, -0.007586495019495487, -0.037342850118875504, 0.07127898931503296, 0.07494775950908661, -0.04677683487534523, -0.005067490506917238, -0.03642565757036209, 0.0776207223534584, -0.013253436423838139, -0.0017443042015656829, 0.04305565357208252, 0.02232709340751171, -0.005820898804813623, -0.10047192126512527, 0.0022995334584265947, 0.013417220674455166, 0.013076549395918846, 0.011766273528337479, 0.011635246686637402, -0.004133919253945351, -0.052358608692884445, 0.021816086024045944, -0.03786696121096611, -0.013613762333989143, -0.03191830962896347, 0.027751633897423744, -0.04971185326576233, -0.032337598502635956, 0.039779964834451675, 0.012106945738196373, 0.004173227585852146, -0.037421468645334244, -0.006246738601475954, 0.03259965404868126, 0.007114795967936516, 0.03411957249045372, 0.007003422360867262, -0.026179304346442223, 0.01928725466132164, -0.038915183395147324, -0.0060829538851976395, -0.059119630604982376, 0.004700613208115101, -0.014910935424268246, -0.03183969482779503, -0.021698161959648132, 0.04297703504562378, -0.007665111683309078, -0.05476951599121094, -0.014203386381268501, -0.009807411581277847, -0.00465147802606225, -0.027699224650859833, 0.031001118943095207, 0.013613762333989143, -0.014989551156759262, 0.033831313252449036, -0.010554268956184387, -0.034538861364126205, -0.01185144204646349, 0.07500016689300537, -0.01563158631324768, 0.045649997889995575, -0.03259965404868126, 0.002915363060310483, -0.008097502402961254, -0.03411957249045372, 0.007180309854447842, -0.025615885853767395, -0.008385763503611088, -0.03797178342938423, -0.04853260517120361, -0.013666173443198204, -0.04916153475642204, -0.04085439071059227, -0.06210705637931824, -0.0072720288299024105, 0.007717522792518139, -0.019680337980389595, 0.035953957587480545, -0.06844878941774368, -0.016601189970970154, -0.007213066332042217, -0.03689735755324364, 0.037342850118875504, -0.03857450932264328, -0.015277812257409096, 0.002959584817290306, -0.01185144204646349, -0.002727010753005743, 0.01341066975146532, -0.02085958607494831, 0.027646813541650772, -0.02667720802128315, 0.028721239417791367, 0.03113214485347271, -0.06986388564109802, -0.08280941098928452, -0.06011543795466423, 0.03031977452337742, -0.019025200977921486, -0.01705978624522686, -0.011674555018544197, 0.007311337161809206, -0.029952896758913994, 0.05429781600832939, 0.008248183876276016, -0.01779354177415371, -0.02006031759083271, -0.01645706035196781, -0.01367927622050047, 0.018920378759503365, -0.03328099846839905, 0.0518869087100029, -0.053197186440229416, 0.02291671745479107, 0.06551377475261688, -0.010226700454950333, 0.02827574498951435, -0.05990579351782799, -0.008385763503611088, -0.020571324974298477, 0.03142040595412254, 0.005843828897923231, 0.01261795312166214, 0.00025448008091188967, -0.01643085479736328, 0.01182523649185896, 0.011602489277720451, 0.04515209421515465, 0.01864521950483322, 0.011989020742475986, 0.005011803936213255, 0.020204447209835052, 0.014714393764734268, 0.006259840913116932, 0.02895708754658699, 0.056708723306655884, -0.08438174426555634, 0.04072336107492447, 0.014295105822384357, -0.03579672798514366, -0.008274389430880547, -0.0006477674469351768, 0.050917305052280426, 0.019680337980389595, 0.054664693772792816, 0.02228778600692749, -0.013482734560966492, -0.006728264503180981, -0.04955461993813515, 0.008274389430880547, -0.034512657672166824, -0.008621612563729286, 0.0004909438430331647, 0.029271554201841354, -0.060587137937545776, -0.024279404431581497, -0.043501146137714386, 0.015566072426736355, 0.01709909550845623, -0.033071354031562805, -0.07237961888313293, 0.02610068768262863, -0.0002532516955398023, -0.02144921012222767, -0.02008652314543724, -0.02299533411860466, 0.01624741591513157, -0.006138640455901623, 0.059014808386564255, -0.05002631992101669, -0.026493771001696587, -0.02000790648162365, 0.005729179363697767, 0.021881600841879845, 0.011975917965173721, -0.009211236611008644, -0.0024698693305253983, 0.032940324395895004, -0.010370830073952675, 0.0013807028299197555, -0.025471756234765053, -0.020505812019109726, -0.00039164951886050403, -0.005286961793899536, 0.0028220058884471655, 0.022536737844347954, -0.01481921598315239, -0.015906743705272675, 0.010220148600637913, -0.036687713116407394, 0.02222227305173874, 0.019130021333694458, -0.04059233516454697, -0.027096496894955635, -0.005103522911667824, 0.007730625569820404, 0.016195004805922508, 0.028354361653327942, -0.015815025195479393, -0.01863211765885353, 0.02372908964753151, -0.005133004393428564, -0.015317120589315891, -0.06315527856349945, 0.006623442750424147, 0.00962397363036871, 0.0328092984855175, 0.034486450254917145, 0.02595655806362629, 0.009086760692298412, -0.05492674931883812, 0.015946052968502045, 0.009938439354300499, 0.05780935287475586, -0.013993741944432259, -0.04004202038049698, -0.038967594504356384, 0.008608509786427021, 0.0025894318241626024, -0.013259988278150558, -0.006417074240744114, -0.05034078285098076, 0.007671663071960211, -0.020243756473064423, -0.030634241178631783, -0.028354361653327942, -0.01931346021592617, 0.021868497133255005, 0.0026500322856009007, -0.024161480367183685, 0.024633178487420082, 0.027122702449560165, -0.03849589452147484, 0.0021685059182345867, 0.02903570421040058, -0.011635246686637402, 0.013286193832755089, -0.015435045585036278, 0.015133681707084179, -0.019680337980389595, 0.0034558516927063465, -0.047956082969903946, -0.016470162197947502, -0.0031266449950635433, 0.002795800333842635, 0.016561882570385933, -0.01623431406915188, -0.0032101748511195183, 0.03404095768928528, 0.0022209170274436474, 0.041955020278692245, -0.02076786570250988, -0.003927550744265318, -0.04808710888028145, 0.02984807640314102, -0.018265239894390106, -0.005853655748069286, 0.016470162197947502, -0.010993211530148983, -0.02219606749713421, 0.027306141331791878, -0.038181427866220474, -0.023257389664649963, 0.02142300456762314, 0.03199692815542221, -0.025393139570951462, 0.015841230750083923, -0.06289322674274445, -0.06425590813159943, 0.012781737372279167, 0.005987958982586861, -0.0018032665830105543, -0.06425590813159943, 0.02003411203622818, -0.006433452479541302, -0.04664580896496773, -0.015946052968502045, 0.006328630726784468, 0.038233838975429535, 0.01564469002187252, 0.022576047107577324, 0.08904632180929184, -0.027122702449560165, -0.039648935198783875, -0.05744247883558273, 0.04596446454524994, 0.04536173865199089, -0.007193412631750107, 0.0029481197707355022, 0.0033641322515904903, -0.010239803232252598, 0.009289853274822235, 0.029874281957745552, 0.049318768084049225, 0.0025615885388106108, 0.0370807945728302, -0.005490054376423359, 0.017492176964879036, 0.017348047345876694, 0.03351684659719467, -0.05353785678744316, 0.017387356609106064, -0.041797786951065063, -0.06902531534433365, 0.0010359365260228515, -0.011792479082942009, 0.05207034945487976, -0.0018065422773361206, 0.054664693772792816, 0.010521512478590012, -0.0023175496608018875, 0.025511063635349274, -0.0398847870528698, 0.053721293807029724, -0.03385751694440842, 0.02091199718415737, -0.0773586630821228, 0.008084399625658989, 0.04237430915236473, 0.00648258812725544, -0.05864793062210083, 0.012237973511219025, -0.046488575637340546, 0.0014060894027352333, -0.027306141331791878, -0.04156193882226944, 0.02002101019024849, 0.012519681826233864, -0.00627949507907033, 0.0668240487575531, -0.07164586335420609, -0.0414833202958107, 0.019496899098157883, 0.01076391339302063, -0.0019392076646909118, 0.0029661362059414387, -0.009984299540519714, 0.0356132872402668, 0.018134212121367455, 0.0004733370151370764, -0.003244569757953286, 0.014347516931593418, 0.020453400909900665, -0.011962815187871456, -0.003603257704526186, -0.034617479890584946, -0.004376320168375969, 0.01479301042854786, 0.0009335713111795485, 0.03786696121096611, 0.026860646903514862, -0.021711265668272972, -0.009119517169892788, 0.014295105822384357, 0.041090238839387894, -0.01304379291832447, -0.03710700199007988, 0.026860646903514862, -0.04533553123474121, 0.0031577639747411013, -0.055922556668519974, 0.002587794093415141, 0.04389422759413719, 0.03286170959472656, 0.026467565447092056, 0.020178241655230522, 0.018370062112808228, -0.023624267429113388, 0.0049397386610507965, -0.013443426229059696, -0.014740599319338799, 0.01449164655059576, 0.06614270806312561, -0.001790163922123611, 0.008988489396870136, -0.04625272378325462, -0.000339647987857461, 0.016797732561826706, -0.005404886323958635, -0.030110130086541176, -0.03870553895831108, 0.04965944215655327, -0.014701290987432003, -0.059800975024700165, 0.00028805588954128325, 0.04819193109869957, -0.006931357551366091, 0.03915103152394295, 0.01569710113108158, 0.0031037151347845793, 0.017649410292506218, -0.003773593343794346, 0.0237421914935112, 0.027620607987046242, -0.012880007736384869, 0.012441066093742847, -0.05644666776061058, -0.0402778685092926, -0.026965469121932983, -0.04732714965939522, -0.0040421998128294945, -0.0260744821280241, -0.023624267429113388, 0.03346443548798561, 0.027673019096255302, 0.04580723121762276, 0.03390992805361748, 0.009008144028484821, -0.03883656486868858, -0.027935072779655457, -0.01767561584711075, -0.012847251258790493, -0.007671663071960211, -0.018291445448994637, -0.0461479015648365, -0.006990319583564997, 0.0004983141552656889, 0.0354822613298893, 0.01293897069990635, -0.02589104324579239, -0.013325502164661884, -0.027122702449560165, -0.0047235433012247086, 0.004602342844009399, -0.01859280839562416, -0.042793598026037216, -0.0006457201670855284, -0.013318950310349464, -0.0019375699339434505, -0.00702307652682066, -0.034486450254917145, -0.002871141070500016, -0.03946549817919731, 0.012093842960894108, 0.015841230750083923, 0.02009962685406208, -0.027070291340351105, 0.006341733504086733, -0.02150162123143673, -0.014177180826663971, -0.015985360369086266, 0.02384701371192932, -0.022523635998368263, 0.0533544160425663, 0.04250533506274223, 0.007809241767972708, 0.005614530295133591, 0.010482204146683216, 0.003989788703620434, 0.007311337161809206, -0.03181348741054535, 0.027646813541650772, 0.01331239938735962, 0.01939207687973976, -0.01792456954717636, 0.04703889042139053, 0.03115835040807724, 0.0064203497022390366, -0.0012807942694053054, 0.0076913172379136086, 0.002402717713266611, 0.021318182349205017, -0.008195772767066956, 0.025458652526140213, 0.006767572835087776, 0.038941387087106705, 0.022589148953557014, 0.0014175543328747153, -0.015448148362338543, -0.013980639167129993, 0.0030496662948280573, 0.0006186956888996065, -0.021305078640580177, -0.021082332357764244, -0.04688165709376335, 0.05932927504181862, -0.023558752611279488, -0.041273679584264755, 0.01695496402680874, 0.01844867877662182, 0.012631055898964405, -0.0018835209775716066, -0.00202765129506588, 0.031525228172540665, 0.014386825263500214, -0.02443663775920868, -0.023532547056674957, -0.014740599319338799, 0.00242400960996747, -0.03936067596077919, 0.004294428043067455, 0.021842291578650475, -0.02379460260272026, 0.017963876947760582, 0.06105883792042732, 0.003275688737630844, -0.002217641333118081, -0.03199692815542221, -0.01189730130136013, -0.011746619828045368, 0.031001118943095207, 0.03346443548798561, -0.001942483359016478, -0.0070885904133319855, -0.035141587257385254, -0.019130021333694458, -0.024344919249415398, 0.006492414977401495, -0.026965469121932983, 0.00047456540050916374, 0.018946584314107895, 0.02462007664144039, -0.005185415036976337, 0.012919316068291664, -0.01705978624522686, -0.010285662487149239, 0.013194474391639233, -0.032363805919885635, 0.015461251139640808, 0.01708599179983139, 0.006489139515906572, 0.027935072779655457, 0.02291671745479107, 0.02303464338183403, 0.01001705601811409, 0.06163536012172699, 0.0093029560521245, -0.024148376658558846, -0.020335474982857704, -0.013548248447477818, -0.02456766553223133, -0.0020260135643184185, -0.023362211883068085, 0.036635302007198334, -0.020505812019109726, -0.009755001403391361, 0.049266356974840164, -0.021095436066389084, 0.011379742994904518, -0.011510769836604595, -0.00030627689557150006, 0.014937140978872776, -0.03343823179602623, 0.020243756473064423, -0.03495815023779869, 0.05555567890405655, -0.041168857365846634, -0.0001114757833420299, 0.013050343841314316, 0.00893607921898365, -0.011189752258360386, 0.04465418681502342, -0.021711265668272972, 0.026415154337882996, -0.03660909831523895, 0.040408894419670105, -0.01783284917473793, -0.006227084435522556, 0.032940324395895004, 0.004346839152276516, -0.021671956405043602, -0.057599712163209915, 0.020584428682923317, 0.0312107615172863, -0.027961278334259987, -0.007953371852636337, -0.02363736927509308, 0.028013689443469048, -0.0036622199695557356, -0.0025468480307608843, -0.010128429159522057, -0.019483797252178192, -0.0386793315410614, 0.010370830073952675, -0.021344387903809547, -0.03123696707189083, 0.022091245278716087, 0.039727553725242615, -0.0520179383456707, -0.02532762475311756, 0.007501326967030764, 0.009027797728776932, -0.02530141919851303, -0.03498435392975807, 0.007573392242193222, 0.03689735755324364, 0.032363805919885635, 0.027804045006632805, -0.004956116899847984, -0.008274389430880547, 0.010370830073952675, 0.01378409843891859, 0.011838339269161224, 0.009761552326381207, -0.026546182110905647, 0.024646282196044922, 0.054612282663583755, 0.005051111802458763, 0.015959154814481735, -0.023991143330931664, -0.06876325607299805, 0.014504749327898026, 0.010521512478590012, 0.022117450833320618, -0.028432978317141533, -0.014242694713175297, -0.008890219032764435, -0.01775423251092434, 0.019012097269296646, 0.050943512469530106, -0.011759722605347633, -0.015094373375177383, 0.02741096355021, -0.020466502755880356, 0.0013463080395013094, 0.009335712529718876, 0.03865312784910202, -0.008667472749948502, -0.02148851752281189, 0.04169296473264694, 0.0003447662456892431, 0.010108775459229946, 0.014779907651245594, 0.009283301420509815, -0.000526976422406733, 0.013574454002082348, 0.009165377356112003, -0.016155697405338287, 0.022091245278716087, -0.015408840030431747, 0.0029939794912934303, -0.020636839792132378, 0.03996340185403824, -0.008084399625658989, -0.018959686160087585, -0.02070235274732113, 0.03579672798514366, -0.043474942445755005, -0.018854863941669464, -0.035980165004730225, -0.01080977264791727, 0.031551435589790344, -0.03338582068681717, 0.000581025262363255, 0.03857450932264328, 0.005512984003871679, 0.0010318419663235545, 0.01263760682195425, 0.008333352394402027, -0.04376320168375969, 0.010213597677648067, 0.03215416148304939, 0.012205216102302074, -0.009872925467789173, 0.016155697405338287, 0.04897809773683548, 0.01487162709236145, -0.02302153967320919, 0.004661304876208305, -0.025484858080744743, 0.010429793037474155, 0.008326800540089607, 0.08542995899915695, -0.03943929076194763, -0.007868204265832901, -0.003665495663881302, 0.008156465366482735, 0.0047071645967662334, -0.005919169634580612, 0.02375529520213604, -0.020374784246087074, 0.018435576930642128, -0.008280941285192966, 0.02832815609872341, 0.006629994139075279, 0.056918367743492126, -0.04740576818585396, 0.005385232158005238, -0.027201319113373756, 0.01451785210520029, -0.02451525442302227, -0.004576137289404869, -0.030948707833886147, -0.02234019711613655, -0.010062916204333305, -0.020387886092066765, 0.02518349513411522, 0.0015968983061611652, -0.04585964232683182, 0.008680575527250767, -0.029271554201841354, -0.021239565685391426, 4.102288221474737e-05, -5.69662734051235e-05, 0.019876878708600998, 0.022065039724111557, 0.005159209948033094, 0.012513130903244019, -0.03191830962896347, 0.017439765855669975, 0.005948650650680065, 0.013522042892873287, 0.03647806867957115, -0.042741186916828156, 0.02748958021402359, 0.014648879878222942, 0.048742249608039856, 0.003154488280415535, 0.018094904720783234, -0.018370062112808228, 0.01331239938735962, -0.01702047884464264, -0.0035082625690847635, -0.02666410617530346, 0.008320249617099762, 0.030083924531936646, -0.009722243994474411, 0.027725430205464363, -0.029952896758913994, 0.009217788465321064, 0.011484564282000065, 0.01856660284101963, 0.0004463125951588154, -0.012165907770395279, -0.038967594504356384, -0.011039070785045624, -0.012093842960894108, 0.002846573479473591, -0.0445493683218956, 0.03857450932264328, -0.012866904959082603, -0.00144130305852741, 0.0015477628912776709, -0.027253730222582817, -0.025642091408371925, -0.024266302585601807, 0.009047452360391617, -0.0388103611767292, -0.013823406770825386, 0.0073506454937160015, 0.014203386381268501, 0.015081270597875118, 0.03325479105114937, -0.00030197756132110953, 0.012028329074382782, 0.005444194655865431, -0.002846573479473591, -0.015801921486854553, -0.0071344501338899136, 0.05644666776061058, 0.013954433612525463, 0.017243225127458572, 0.0003470182709861547, -0.012375552207231522, -0.011274920776486397, 0.012526233680546284, -0.009145722724497318, -0.014557160437107086, 0.02216986194252968, -0.0026991674676537514, -0.0013438513269647956, -0.0002661496982909739, 0.010449446737766266, 0.0065612043254077435, -0.029219143092632294, 0.007861653342843056, -0.02371598593890667, 0.03417198359966278, -0.030712857842445374, -0.0022602251265197992, -0.03791937232017517, 0.0024927991908043623, 0.0023961663246154785, 0.059014808386564255, 0.0013160079251974821, 0.0025894318241626024, -0.014675085432827473, 0.03220657259225845, -0.01703358069062233, 0.030712857842445374, -0.03487953171133995, 0.0340147502720356, -0.02306084893643856, -0.0017655962146818638, 0.02735855244100094, 0.0019490347476676106, -0.01709909550845623, 0.030817680060863495, 0.014963345602154732, 0.007927166298031807, -0.005473675671964884, 0.005535914096981287, -0.010429793037474155, -0.00961742177605629, 0.03189210593700409, -0.00814336258918047, 0.03642565757036209, 0.00016818614676594734, 0.023362211883068085, 0.02371598593890667, 0.040513716638088226, 0.00410771369934082, 0.0025910697877407074, 0.02222227305173874, 0.03655668720602989, 0.010960454121232033, 0.007383402436971664, 0.0007959923823364079, -0.0045990669168531895, 0.040304072201251984, 0.020597530528903008, -0.008018885739147663, -0.04363217204809189, 0.04386802390217781, 0.017623204737901688, 0.01926104910671711, 0.013102754950523376, -0.03831245377659798, 0.02443663775920868, 0.048716042190790176, -0.008097502402961254, 0.020204447209835052, 0.007973026484251022, 0.00040639014332555234, -0.008058194071054459, 0.018330754712224007, 0.00927019864320755, 0.014596468769013882, 0.022117450833320618, -0.007442364934831858, -0.051520030945539474, 0.005647287238389254, -0.006351560354232788, 0.0029677739366889, 0.0029956172220408916, 0.023506341502070427, -0.012657261453568935, 0.010534615255892277, -0.0034001648891717196, 0.026166200637817383, 0.0068527408875525, -0.0022782415617257357, -0.00630897656083107, -0.018763145431876183, 0.013391015119850636, 0.013692378997802734, -0.008601958863437176, -0.008018885739147663, -0.013148614205420017, 0.028354361653327942, -0.00028457544976845384, 0.04059233516454697, 0.024973850697278976, -0.008739537559449673, 0.0013340242439880967, -0.033018942922353745, -0.011720414273440838, 0.0072720288299024105, -0.03886277228593826, -0.0016116388142108917, -0.003996340092271566, 0.00667585339397192, 0.018736939877271652, -0.025720708072185516, -0.01487162709236145, 0.042007431387901306, 0.004389422945678234, -0.006806881166994572, -0.009538805112242699, 0.02811851166188717, -0.0122707299888134, -0.004916808567941189, 0.02600896917283535, 0.03343823179602623, 0.050078727304935455, 0.030739063397049904, -0.02379460260272026, 0.02085958607494831, -0.005316442809998989, 0.03105352818965912, 0.007671663071960211, 0.013522042892873287, -0.006171397399157286, 0.02016513980925083, 0.022641560062766075, -0.015893641859292984, -0.006197602953761816, -0.01563158631324768, 0.007062384858727455, 0.026179304346442223, -0.020374784246087074, 0.0035672250669449568, -0.03553467243909836, -0.021868497133255005, -0.0011006314307451248, -0.006302425172179937, -0.017636308446526527, -0.024751104414463043, 0.004920084495097399, 0.005241102073341608, 0.030057718977332115, 0.032390009611845016, -0.022576047107577324, 0.03252103924751282, -0.01943138614296913, 0.02898329310119152, -0.010986659675836563, 0.021291976794600487, -0.026467565447092056, 0.014268900267779827, -0.001210366957820952, 0.004582688678056002, 0.000200431197299622, 0.016706012189388275, -0.008398866280913353, -0.0413522943854332, -0.019601721316576004, -0.02817092277109623, 0.008051643148064613, -0.0011145530734211206, -0.0756291002035141, 0.036844946444034576, 0.013626865111291409, 0.023519445210695267, -0.04106403514742851, -0.0354822613298893, 0.0038456586189568043, 0.009355367161333561, 0.018330754712224007, 0.016168799251317978, -0.0050773173570632935, -0.02735855244100094, -0.014727496542036533, -0.005702974274754524, 0.024934543296694756, 0.004959392827004194, 0.009578113444149494, -0.005994510371237993, 0.01696806773543358, -0.012054534628987312, -0.060587137937545776, 0.009047452360391617, 0.003993064630776644, -0.006944459863007069, 0.006551377475261688, -0.01041669026017189, 0.04061853885650635, 0.0103380735963583, -0.024056658148765564, 0.007370299659669399, -0.0017164609162136912, -0.034486450254917145, -0.010475652292370796, 0.009853271767497063, 0.02589104324579239, 0.015828127041459084, -0.022562943398952484, 0.01075736153870821, -0.004703889135271311, -0.01937897503376007, 0.010062916204333305, -0.019457591697573662, 0.006996870972216129, -0.033071354031562805, -0.01489783264696598, -0.006662751082330942, -0.006060024257749319, -0.012054534628987312, -0.018894173204898834, 0.012794840149581432, -0.0015846143942326307, 0.03194451704621315, -0.019038302823901176, 0.023912528529763222, -0.03996340185403824, 0.041745375841856, 0.009886028245091438, -0.018225932493805885, -0.0015633224975317717, 0.009171928279101849, 0.009892580099403858, -0.016129491850733757, 0.00022110898862592876, 0.0008819791837595403, -0.003983237314969301, -0.032232776284217834, 0.005175588186830282, 0.01937897503376007, 0.0007509516435675323, 0.010796669870615005, 0.01626051962375641, -0.013345155864953995, 0.005725903902202845, -0.0060534728690981865, 0.024082863703370094, 0.001845850609242916, 0.032363805919885635, 0.005424540489912033, 0.03689735755324364, 0.012539336457848549, -0.0029399306513369083, 0.001985067268833518, 0.008995041251182556, -0.003514813957735896, 0.01792456954717636, 0.008012334816157818, 0.01779354177415371, 0.011261817999184132, -0.021947113797068596, -0.018029389902949333, 0.056813545525074005, 0.004418903961777687, -0.014019947499036789, -0.00047456540050916374, 0.0012046345509588718, 0.01932656392455101, -0.013705481775105, 0.02589104324579239, -0.021750573068857193, 0.021226461976766586, -0.015094373375177383, 0.0002456766669638455, 0.0030742338858544827, 0.0003265452105551958, 0.00895573291927576, -0.006010888610035181, -0.03215416148304939, -0.0010220148833468556, 0.016574984416365623, -0.005578497890383005, 0.022576047107577324, -0.00033104929025284946, -0.008267838507890701, -0.011799030937254429, -0.049318768084049225, 0.011399396695196629, 0.01629982702434063, 0.008451276458799839, 0.0034198190551251173, 0.009453637525439262, -0.022680869325995445, -0.008942630141973495, 0.008791948668658733, -0.046488575637340546, 0.03805040195584297, -0.0070099737495183945, -0.01924794726073742, -0.018173521384596825, 0.08328110724687576, -0.0260744821280241, 0.03954411298036575, 0.007226169109344482, 0.015919847413897514, -0.03666150942444801, -0.0031348341144621372, 0.005326269660145044, -0.054559871554374695, 0.0017377528129145503, -0.004775953944772482, 0.0048611219972372055, 0.0037473877891898155, 0.037578701972961426, -0.03797178342938423, 0.01152387261390686, -0.04080197960138321, 0.006079678423702717, -0.01378409843891859, -0.001572330598719418, -0.005490054376423359, 0.015002653934061527, 0.02738475799560547, 0.020925099030137062, -0.010082569904625416, -0.026402050629258156, 0.037395261228084564, 0.003668771358206868, 0.012814493849873543, -0.004536828957498074, 0.005290237255394459, -0.010803221724927425, 0.04625272378325462, 0.02824953943490982, -0.0008168748463504016, -0.011674555018544197, 0.00030115863773971796, 0.018121110275387764, 0.0193396657705307, -0.022628458216786385, -0.020663045346736908, 0.016103286296129227, 0.02893088199198246, 0.02012583240866661, -0.01998170092701912, 0.0034460246097296476, 0.002736837835982442, -0.012152804993093014, 0.02079407125711441, -0.020348578691482544, -0.015500559471547604, -0.012886559590697289, -0.010894940234720707, -0.010279111564159393, -0.015225401148200035, -0.021108537912368774, 0.00295630912296474, 0.009414329193532467, 0.0288784708827734, -0.0005797969060949981, 0.00044098959187977016, -0.004114265087991953, 0.013666173443198204, -0.007861653342843056, 0.009610870853066444, -0.006538274697959423, -0.01920863799750805, 0.02514418587088585, -0.00036974335671402514, -0.020335474982857704, -0.007907512597739697, 0.00306768249720335, 0.00997119676321745, 0.020597530528903008, -0.001375789288431406, 0.009034349583089352, -0.005270583089441061, 0.004219086840748787, 0.02366357482969761, 0.009886028245091438, 0.018029389902949333, -0.008235081098973751, -0.016561882570385933, -0.007383402436971664, 0.014347516931593418, -0.00999085046350956, 0.017688719555735588, -0.0004084374231752008, -0.006351560354232788, 0.00046719511738047004, -0.013004484586417675, 0.0016173713374882936, -0.0004487693659029901, 0.013456529006361961, 0.009433983825147152, -0.017505280673503876, -0.021265771239995956, 0.032311394810676575, 0.035377439111471176, -0.009525702334940434, 0.023440828546881676, 0.018710734322667122, 0.022523635998368263, -0.002556675113737583, 0.0006064118933863938, -0.011360088363289833, -0.015946052968502045, 0.004068405367434025, 0.008228530175983906, -0.023375315591692924, 0.02375529520213604, 0.0030398392118513584, 0.012716223485767841, -0.0023273767437785864, 7.037612522253767e-05, 0.032232776284217834, 0.009833617135882378, 0.002106267958879471, -0.019510002806782722, -0.038286250084638596, 0.025563474744558334, 0.02312636189162731, -0.024017348885536194, -0.012316589243710041, 0.01115699578076601, -0.001834385679103434, -0.0035836035385727882, -0.010082569904625416, 0.02154092863202095, -0.005165761336684227, 0.007376851048320532, 0.06147812679409981, 0.0401468425989151, 0.03731664642691612, -0.009204685688018799, 0.018343856558203697, 0.00888366810977459, -0.012866904959082603, -0.01626051962375641, -0.009060555137693882, -0.06986388564109802, 0.02382080815732479, -0.011595938354730606, 0.01415097527205944, 0.018068699166178703, 0.03650427609682083, -0.029192937538027763, 0.0022340198047459126, 0.005290237255394459, 0.009787757880985737, -0.006931357551366091, 0.009060555137693882, 0.0008095045923255384, 0.015998464077711105, 0.02376839704811573, -0.002530469559133053, 0.004124091938138008, 0.022117450833320618, 0.01078356709331274, 0.025432446971535683, -0.03862692043185234, 0.024161480367183685, -0.033752694725990295, -0.003501711180433631, -0.02679513394832611, 0.0002784335520118475, -0.009820514358580112, 0.016037771478295326, 0.0010228337487205863, -0.012087291106581688, -0.010514960624277592, -0.021003715693950653, -0.006518620532006025, 0.015880538150668144, 0.003924275282770395, 0.01155663002282381, -0.006092781201004982, 0.03199692815542221, -0.030712857842445374, -0.01923484355211258, -0.005408162251114845, 0.002574691316112876, 0.0012554076965898275, -0.024960748851299286, 0.007671663071960211, 0.016496367752552032, 0.003763766260817647, -0.007750279735773802, 0.016679806634783745, -0.0018786074360832572, 0.028642622753977776, -0.00278269755654037, 0.00885091070085764, 0.016050875186920166, 0.010174289345741272, 0.005670217331498861, -0.001844212762080133, 0.04892568662762642, 0.05366888269782066, 0.012113496661186218, 0.02439733035862446, -0.015382634475827217, -0.030608035624027252, -0.007540635298937559, -0.04478521645069122, 0.021711265668272972, 0.01936587132513523, -0.005218171980232, 0.0013307485496625304, 0.010180840268731117, 0.015854332596063614, -0.000330435112118721, -0.032180365175008774, 0.031001118943095207, -0.00047169916797429323, -0.005424540489912033, -0.008031988516449928, 0.0007079582428559661, 0.02514418587088585, -0.0536164715886116, 0.013639967888593674, 0.01770182140171528, 0.008195772767066956, -0.04672442376613617, 0.0532233901321888, 0.014544057659804821, 0.013227230869233608, -0.023414622992277145, -0.0007890315027907491, -0.006806881166994572, 0.06063954904675484, -0.01552676409482956, -0.021960217505693436, 0.018894173204898834, -0.019575515761971474, -0.0030398392118513584, -0.04703889042139053, 0.03037218563258648, -0.027725430205464363, 0.01301103550940752, 0.007029627915471792, 0.004572861362248659, 0.016601189970970154, -0.02756819687783718, -0.011785928159952164, -0.003075871616601944, 0.0020423918031156063, -0.027777839452028275, -0.025039363652467728, 0.002369960770010948, 0.019562413915991783, -0.031630050390958786, 0.02299533411860466, -0.01629982702434063, 0.00853644497692585, -0.028459183871746063, 0.004071681294590235, -0.011261817999184132, 0.01335825864225626, -0.002957946853712201, -0.022051936015486717, 0.03487953171133995, 0.021265771239995956, 0.014137872494757175, 0.009185031056404114, 0.012172459624707699, 0.02519659698009491, -0.0071672070771455765, -0.029402581974864006, -0.008752640336751938, -0.011399396695196629, 0.010121878236532211, 0.01633913442492485, -0.019130021333694458, 0.04316047579050064, 0.022759485989809036, 0.007403056602925062, -0.012028329074382782, -0.005254204850643873, 0.009204685688018799, -0.01004326157271862, 0.013161716982722282, -0.007317888550460339, -0.012486925348639488, -0.027148908004164696, 0.015421942807734013, 0.02452835626900196, 0.018225932493805885, 0.020518913865089417, 0.0035737764555960894, 0.038915183395147324, 0.018998995423316956, -0.005637460388243198, 0.009191582910716534, 0.01113079022616148, -0.012008674442768097, 0.005467124283313751, -0.009663281962275505, 0.012873456813395023, 0.011209406889975071, -0.020532017573714256, -0.03045080229640007, 0.022038834169507027, -0.011307677254080772, 0.03126317262649536, 0.01775423251092434, 0.014308208599686623, -0.009447086602449417, -0.008896770887076855, 0.018042493611574173, 0.02308705449104309, -0.007809241767972708, -0.028485389426350594, 0.00855609867721796, 0.04625272378325462, 0.004399249795824289, -0.015251606702804565, 0.008922976441681385, -0.034538861364126205, -0.0013569541042670608, 0.014478543773293495, 0.030083924531936646, -0.0008426709100604057, -0.011432153172791004, 0.03563949465751648, -0.010003953240811825, -0.024882132187485695, -0.016116388142108917, -0.015513661317527294, -0.019143125042319298, 0.03142040595412254, 0.02608758583664894, 0.04693406820297241, -0.0008983576553873718, 0.0041666761972010136, -0.0009589578839950264, 0.05104833468794823, -0.010947351343929768, 0.03545605391263962, 0.01075736153870821, -0.0013069998240098357, -0.02155403234064579, 0.0018949859077110887, -0.006937908474355936, -0.009152274578809738, 0.0035836035385727882, 0.013888919726014137, 0.02068924903869629, 0.03202313184738159, -0.003786696121096611, 0.03435542434453964, 0.029297759756445885, 0.028799856081604958, 0.02156713418662548, -0.015539866872131824, 0.024934543296694756, 0.0001347126963082701, -0.02589104324579239, 0.004333736374974251, 0.005260756239295006, -0.01792456954717636, -0.026388948783278465, 0.007933718152344227, 0.043527353554964066, -0.005113350227475166, -0.002836746396496892, -0.05959133058786392, 0.005699698347598314, -0.037342850118875504, 0.006076402496546507, 0.012807942926883698, 0.0034132676664739847, 0.05298754200339317, 0.0214099008589983, 0.030817680060863495, 0.008280941285192966, 0.0046285479329526424, -0.008090951479971409, -0.019916187971830368, -0.048558808863162994, 0.030634241178631783, -0.02759440243244171, 0.016024669632315636, 0.006800329778343439, 0.01117664948105812, 0.000660870224237442, -0.005470400210469961, 0.0018360235262662172, 0.006233635824173689], "56da22db-41b3-4aaf-808d-821deae2e5e4": [-0.007204935420304537, 0.02741508185863495, 0.0634518712759018, 0.0014160119462758303, 0.02137262374162674, -0.03497118130326271, 0.026107294484972954, -0.006587369367480278, -0.026373695582151413, 0.03671489655971527, -0.021869098767638206, -0.05633169785141945, -0.051875535398721695, 0.033057939261198044, 0.0074410634115338326, -0.028553340584039688, -0.024508889764547348, 0.03882188722491264, -0.008555104024708271, 0.018623849377036095, 0.04761311784386635, 0.02770570106804371, 0.04400459676980972, 0.024339361116290092, 0.061659716069698334, -0.0030424201395362616, 0.0034117489121854305, 0.03850704804062843, -0.03300950303673744, -0.045772530138492584, 0.000261481647612527, -3.779374674195424e-05, -0.004786135628819466, 0.0010080854408442974, 0.020173819735646248, -0.05928632616996765, -0.016674278303980827, -0.0035752221010625362, 0.024969035759568214, -0.05221458896994591, -0.024460453540086746, 0.009160560555756092, -0.0007651459891349077, -0.009148451499640942, -0.03807112202048302, 0.06689086556434631, -0.06514714658260345, -0.025574494153261185, -0.044343654066324234, 0.0046499078162014484, -0.0491873063147068, 0.043181177228689194, -0.040323421359062195, -0.014942673034965992, 0.02105778641998768, 0.008984978310763836, -0.018357448279857635, 0.03724769875407219, -0.01012929156422615, -0.008446121588349342, -0.0015000191051512957, 0.007550045847892761, -0.049284178763628006, 0.03906406834721565, 0.015790311619639397, 0.006956697907298803, -0.02540496550500393, -0.028698649257421494, -0.030999386683106422, 0.022123388946056366, 0.004504598211497068, 0.02513856440782547, 0.013271612115204334, -0.015971949324011803, -0.0346805639564991, -0.019314071163535118, -0.018623849377036095, 0.004807326477020979, 0.020948803052306175, -0.022668300196528435, 0.006871934048831463, -0.019495707005262375, -0.030829858034849167, -0.031362660229206085, 0.020016400143504143, 0.0023294948041439056, -0.09072163701057434, -0.009196887724101543, -0.020428111776709557, -0.05642857030034065, 0.012726700864732265, 0.05434579774737358, -0.02487216331064701, 0.012666155584156513, 0.046717043966054916, -0.013041538186371326, 0.010304873809218407, 0.01764301024377346, -0.020464438945055008, 0.05173022672533989, 0.03899141401052475, -0.039136726409196854, -0.015802420675754547, -0.012460299767553806, 0.0753188207745552, -0.03153218701481819, -0.022353462874889374, 0.03116891346871853, -0.015075873583555222, -0.018987122923135757, -0.09779337793588638, 0.018296902999281883, -0.022704629227519035, -0.011152513325214386, 0.018139485269784927, 0.03283997252583504, -0.00591833982616663, -0.060303494334220886, 0.013961832970380783, -0.03242826461791992, 0.00563982967287302, -0.033324338495731354, 0.010335146449506283, -0.03937890753149986, -0.03361495956778526, 0.010492565110325813, 0.02027069218456745, -0.00022818151046521962, -0.009160560555756092, 0.028480686247348785, 0.022038625553250313, 0.0010731720831245184, 0.014191905967891216, -0.0015212100697681308, -0.012290772050619125, -0.0001724605681374669, -0.032210297882556915, 0.025283874943852425, -0.02802053838968277, 0.005809357389807701, 0.002008602721616626, 0.0009316465584561229, -0.022765174508094788, 0.020658183842897415, 0.06306437402963638, -0.044973328709602356, -0.0013910369016230106, -0.008609594777226448, 0.0072230990044772625, -0.02775413729250431, 0.01932618021965027, 0.03850704804062843, -0.02484794519841671, 0.013671213760972023, 0.011237277649343014, -0.01680747978389263, 0.008555104024708271, 0.05817228555679321, -0.02828693948686123, 0.03560085594654083, -0.036278970539569855, 0.005140327848494053, 0.004559089429676533, -0.04594205692410469, -0.015112200751900673, -0.027221335098147392, -0.02197808027267456, -0.05313488468527794, -0.031701717525720596, -0.028117410838603973, -0.0463295504450798, -0.013453248888254166, -0.04945370927453041, -0.007925429381430149, -0.001882970449514687, -0.027608828619122505, 0.02109411358833313, -0.08282648772001266, -0.014034487307071686, 0.009941600263118744, -0.04306008294224739, 0.0025171865709125996, -0.04012967273592949, 0.0025716775562614202, -0.01788519322872162, -0.023903433233499527, -0.0018769159214571118, 0.007598482072353363, -0.034850090742111206, -0.015753984451293945, -0.04773421213030815, 0.028989270329475403, 0.03562507405877113, -0.07575474679470062, -0.04121949523687363, -0.06291906535625458, 0.04850919544696808, -0.03412354364991188, -0.026664314791560173, -0.013925505802035332, 0.02251088246703148, -0.005016209091991186, 0.04308430105447769, 0.01012929156422615, -0.02370968647301197, -0.03322746604681015, -0.035746168345212936, 0.007301808334887028, -0.01143707800656557, -0.0607394203543663, 0.04531238228082657, -0.008948651142418385, 0.044343654066324234, 0.032815754413604736, -0.03383292257785797, 0.019205087795853615, -0.0577363558113575, -0.0006603262736462057, -0.03962108865380287, 0.005521765444427729, 0.014809472486376762, 0.02598620392382145, 0.04683813452720642, 0.003466239897534251, 0.021045677363872528, -0.012393699958920479, 0.04589362069964409, 0.008857832290232182, 0.048678722232580185, 0.003016688395291567, 0.01706177182495594, 0.014034487307071686, 0.029691599309444427, 0.00599099462851882, 0.06800490617752075, -0.0694580003619194, 0.04170386120676994, -0.004668071400374174, -0.03991170972585678, 0.016541078686714172, -0.023903433233499527, 0.04100153222680092, 0.011909333989024162, 0.0404445119202137, 0.03487430885434151, -0.022074952721595764, -0.024920599535107613, -0.025622930377721786, 0.028214285150170326, -0.002064607571810484, -0.004247278906404972, -0.012896228581666946, 0.03124156780540943, -0.061078477650880814, -0.010220110416412354, -0.05521765723824501, -0.0052160099148750305, 0.013828632421791553, -0.013453248888254166, -0.039766401052474976, 0.00463477149605751, -0.02249877341091633, -0.04659595340490341, -0.004398643504828215, -0.012375536374747753, 0.004643853288143873, -0.010335146449506283, 0.05429736152291298, -0.04683813452720642, -0.05313488468527794, -0.006423896178603172, 0.012375536374747753, 0.014833690598607063, -0.012896228581666946, -0.012175735086202621, 0.004507625475525856, 0.025065910071134567, 0.002209917176514864, 0.033372774720191956, -0.04511863738298416, -0.020282801240682602, 0.010280655696988106, 0.013392703607678413, 0.031023604795336723, 0.012090971693396568, 0.004129215143620968, -0.022414008155465126, 0.021881207823753357, -0.034583691507577896, 0.01586296781897545, 0.01941094361245632, -0.030805639922618866, -0.048993561416864395, 0.0188054870814085, 0.0072230990044772625, 0.012714591808617115, 0.01593562215566635, -0.0018012338550761342, -0.03344543278217316, 0.004546980373561382, 0.010867948643863201, -0.02862599492073059, -0.060206618160009384, 0.010389638133347034, 0.006641860585659742, 0.011757969856262207, 0.03058767504990101, 0.027802573516964912, 0.02398819662630558, -0.05061618611216545, 0.006974861957132816, 0.021324187517166138, 0.055023908615112305, -0.012944665737450123, -0.07071734964847565, -0.03923359885811806, 0.023067902773618698, -0.011576333083212376, 0.00966914463788271, -0.024799508973956108, -0.02683384343981743, 0.0005373428575694561, -0.012460299767553806, -0.02571980282664299, -0.043762415647506714, -0.006302804686129093, 0.0021387760061770678, 0.013114193454384804, -0.017836755141615868, 0.011219114065170288, 0.049550581723451614, -0.02396397851407528, -0.011334150098264217, 0.025017473846673965, -0.026494788005948067, 0.030732985585927963, -0.03838595747947693, 0.00018078560242429376, -0.03497118130326271, 0.004995018243789673, 0.00033016313682310283, -0.03874923288822174, -0.02051287516951561, -0.008058628998696804, 0.0245209988206625, -0.05400674417614937, -0.006678188219666481, 0.013271612115204334, -0.0002503185241948813, 0.02024647407233715, -0.06219251826405525, 0.03235561028122902, -0.06877988576889038, 0.03036971017718315, -0.013077866286039352, 0.012048589065670967, -0.004359288606792688, -0.025647148489952087, -0.023830777034163475, -0.0009331602486781776, -0.050180256366729736, -0.022450337186455727, -0.005004100035876036, 0.0027714783791452646, -0.03700551763176918, 0.0520692802965641, -0.05003494769334793, -0.061950333416461945, -0.019471488893032074, -0.004450106993317604, 0.03119313158094883, -0.048436541110277176, 0.030563456937670708, 0.011564224027097225, -0.05831759423017502, -0.00205249828286469, 0.020052727311849594, 0.025259654968976974, -0.015766093507409096, 0.06718148291110992, 0.08621703833341599, 0.019774217158555984, -0.03121734969317913, -0.0433507040143013, 0.03693286329507828, 0.008155502378940582, -0.012920446693897247, -0.00969336275011301, 0.014155578799545765, -0.02229291759431362, 0.014252452179789543, 0.02426670677959919, 0.016662169247865677, -0.018575413152575493, 0.02685806155204773, 0.02137262374162674, 0.015487583354115486, 0.03346965089440346, 0.012206007726490498, -0.043326485902071, 0.06248313561081886, -0.04020232707262039, -0.053038012236356735, 0.03695708140730858, 0.005467274691909552, 0.027657264843583107, 0.008597485721111298, 0.04482801631093025, 0.004210951738059521, 0.01651686057448387, 0.02085193060338497, -0.029885346069931984, 0.04935683310031891, 0.01141285989433527, 0.024763181805610657, -0.05657387897372246, 0.02974003553390503, 0.036012567579746246, 0.008070738986134529, -0.04199448227882385, 0.01738871820271015, -0.03158062323927879, -0.024920599535107613, -0.0022704629227519035, -0.04686235263943672, 0.008918377570807934, 0.011467350646853447, 0.004144351463764906, 0.06911894679069519, -0.07919374108314514, -0.02138473279774189, 0.017836755141615868, -0.028698649257421494, 0.01054100226610899, 0.017267625778913498, -0.02251088246703148, 0.004577253013849258, 0.002863810397684574, 0.026519006118178368, -0.031338442116975784, -0.01991952769458294, 0.00015637812612112612, -3.635105531429872e-05, 0.013743868097662926, -0.006532878614962101, 0.006811388302594423, -0.035382892936468124, 0.05119742453098297, 0.033905576914548874, 0.008984978310763836, -0.06006130948662758, -0.027826791629195213, 0.010002145543694496, 0.039160944521427155, -0.03778050094842911, -0.03981483727693558, 0.011612660251557827, -0.06301593780517578, 0.01616569608449936, 0.002710932632908225, -0.005328019615262747, 0.03269466385245323, 0.032186079770326614, 0.018599631264805794, 0.01852697692811489, 0.03417197987437248, -0.029352543875575066, 0.011297822929918766, 0.008125229738652706, -0.03816799446940422, -0.012835683301091194, 0.05541140213608742, 0.013501686044037342, -0.026228386908769608, -0.04388350620865822, -0.02281361073255539, 0.029982218518853188, 0.01816370338201523, -0.019556252285838127, -0.021215204149484634, 0.012714591808617115, -0.022111279889941216, -0.039403125643730164, -0.014288779348134995, 0.02427881583571434, -0.019229305908083916, 0.025913549587130547, 0.015778202563524246, -0.009953709319233894, 0.0013244366273283958, -0.05134273320436478, 0.020973021164536476, 0.07623911648988724, -0.010286710225045681, 0.003953632432967424, 0.012030425481498241, -0.04104996845126152, -0.04814592003822327, -0.003190757008269429, -0.015790311619639397, -0.022050734609365463, -0.034220416098833084, 0.03438994288444519, 0.029812689870595932, 0.04252728074789047, 0.03204077109694481, 0.04821857437491417, -0.015136418864130974, -0.00867619551718235, -0.015427038073539734, 0.008791232481598854, -0.027899447828531265, -0.014349324628710747, -0.03552820160984993, -0.01908399723470211, 0.005088863894343376, 0.046377986669540405, 0.02222026325762272, -0.03235561028122902, 0.009590434841811657, -0.032743100076913834, -0.012163626030087471, 0.019289853051304817, -0.009336142800748348, -0.03199233487248421, -0.005309855565428734, -0.021856989711523056, -0.005966776516288519, -0.008633812889456749, -0.04393194243311882, 0.013392703607678413, -0.02113044075667858, -0.016371550038456917, 0.01738871820271015, -0.021578479558229446, -0.02743929997086525, 0.027826791629195213, -0.03661802411079407, -0.008318975567817688, -0.021881207823753357, 0.026736970990896225, -0.036811769008636475, 0.04468270763754845, 0.02191753499209881, 0.01039569266140461, -0.011503678746521473, -0.007089898455888033, -0.003393585095182061, -0.0066902972757816315, -0.018660176545381546, 0.02484794519841671, 0.007616646122187376, 0.0050131818279623985, -0.020004291087388992, 0.07594849169254303, 0.0014372030273079872, -0.017824646085500717, -0.01701333560049534, 0.004444052465260029, -0.0021978081203997135, 0.005297746509313583, -0.01846643164753914, 0.023067902773618698, -2.5779212592169642e-05, 0.012248390354216099, 0.025647148489952087, -0.008016247302293777, -0.025913549587130547, -0.010316982865333557, -0.010722639039158821, 0.002255326369777322, -0.007465281989425421, -0.02516278252005577, -0.0490662157535553, 0.048969343304634094, -0.005885039456188679, -0.06403310596942902, 0.00405353307723999, 0.013562231324613094, 0.020585529506206512, -0.0037780501879751682, -0.01849064975976944, 0.008203938603401184, 0.027100244536995888, -0.031096259132027626, -0.032815754413604736, 0.006048513110727072, 0.005630747880786657, -0.016008276492357254, -0.006106031592935324, 0.018260575830936432, -0.004120133351534605, 0.03550398349761963, 0.02105778641998768, 0.00030594487907364964, 0.011158567853271961, -0.05308644846081734, 0.0007810392417013645, 0.013816523365676403, 0.04182495176792145, 0.0054914928041398525, -0.015269619412720203, -0.00794964749366045, -0.014228234067559242, -0.025937767699360847, -0.01651686057448387, 0.01211518980562687, 0.0013350321678444743, 0.008633812889456749, 0.011667151935398579, 0.025913549587130547, -0.018272684887051582, -0.012690373696386814, -0.022910483181476593, -0.02775413729250431, 0.024424126371741295, -0.024424126371741295, 0.02344328537583351, 0.002556541236117482, 0.003641822375357151, -0.00260195042937994, 0.026640096679329872, -0.0010852812556549907, 0.018381666392087936, 0.03121734969317913, 0.017558244988322258, -0.004289661068469286, -0.008464285172522068, 0.013840741477906704, -0.0317501537501812, -0.005406728945672512, -0.02857755869626999, 0.020234365016222, -0.012163626030087471, 0.005461219698190689, 0.048388104885816574, -0.018672285601496696, -0.011152513325214386, -0.02281361073255539, -0.005981912836432457, 0.004898145329207182, -0.014434088952839375, 0.01910821534693241, -0.0012911364901810884, 0.03879766911268234, -0.02516278252005577, 0.0016090013086795807, -0.002026766538619995, 0.014228234067559242, -0.003221029881387949, 0.025235436856746674, -0.04536081850528717, 0.04395616054534912, -0.013973942026495934, 0.035988349467515945, -0.014773144386708736, -0.02280150167644024, 0.00527655566111207, 0.010220110416412354, 0.009281652048230171, -0.04180073365569115, 0.025622930377721786, 0.040880441665649414, -0.010316982865333557, -0.01646842435002327, -0.007344190496951342, 0.030466584488749504, 0.006442059762775898, 0.02978847175836563, -0.009887108579277992, -0.0017452291212975979, 0.0002039632381638512, 0.01823635771870613, -0.011309931986033916, -0.026664314791560173, 0.028214285150170326, 0.022668300196528435, -0.02482372708618641, -0.019713671877980232, 0.022365571931004524, -0.011782188899815083, 0.000879425962921232, -0.040565602481365204, 0.018417993560433388, 0.04456161707639694, 0.040323421359062195, 0.03119313158094883, 0.013235284946858883, 0.007095952983945608, 0.016541078686714172, 0.007513718213886023, 0.0021418032702058554, -0.016238350421190262, -0.007253372110426426, -0.0004620391991920769, 0.019023451954126358, 0.0049253907054662704, 0.025526056066155434, -0.004789162892848253, -0.11741017550230026, -0.019871091470122337, -0.0045923893339931965, 0.03264622762799263, -0.02511434629559517, -0.02402452379465103, -0.014131360687315464, -0.022038625553250313, 0.015184855088591576, 0.045191291719675064, 0.019435161724686623, -0.0045530349016189575, 0.02862599492073059, -0.012224172241985798, 0.014034487307071686, -0.002436963375657797, 0.015245401300489902, 0.0035812766291201115, -0.015209074132144451, 0.05143960565328598, -0.014736817218363285, 0.0014402302913367748, 0.018599631264805794, -0.005043454933911562, -0.01764301024377346, 0.0008309893892146647, 0.0036599861923605204, -0.02079138532280922, 0.020706621930003166, -0.012884119525551796, 0.006036404054611921, -0.022353462874889374, 0.0316774956882, 0.012678264640271664, -0.023188993334770203, -0.014639944769442081, 0.027802573516964912, -0.043786633759737015, -0.02281361073255539, -0.022910483181476593, -0.004365343134850264, 0.003560085780918598, -0.01645631529390812, -0.012496627867221832, 0.02596198581159115, 0.0019389752997085452, -0.007967811077833176, 0.02598620392382145, -0.0007976892520673573, -0.059625379741191864, 0.006151440553367138, 0.029231451451778412, 0.009953709319233894, -0.007616646122187376, 0.009481452405452728, 0.052698954939842224, 0.003066638484597206, -0.016311004757881165, -0.0060818130150437355, -0.018563304096460342, -0.0056368024088442326, 0.0049980455078184605, 0.08326241374015808, -0.03521336615085602, 0.02799632027745247, -0.014966891147196293, 0.00447735283523798, 0.008306866511702538, -0.020464438945055008, 0.02659166045486927, 0.009354307316243649, -0.020016400143504143, -0.0034420215524733067, 0.019725780934095383, 0.01212729886174202, 0.029376761987805367, -0.06873144954442978, -0.0035721948370337486, -0.020294910296797752, 0.010353310965001583, -0.03497118130326271, -0.042866338044404984, -0.027584610506892204, -0.038894541561603546, -0.022922592237591743, -0.002485400065779686, 0.012811465188860893, -0.0012881092261523008, -0.038894541561603546, 0.009208996780216694, -0.03707817196846008, 0.006018240004777908, 0.0028971105348318815, 0.019737889990210533, 0.003896114183589816, 0.00033186597283929586, 0.001642301445826888, 0.03225873410701752, -0.0346321277320385, 0.02487216331064701, 0.0037114499136805534, 0.006266477517783642, 0.03707817196846008, -0.051294296979904175, 0.004444052465260029, 0.01071052998304367, 0.028722869232296944, -0.002026766538619995, 0.02603464014828205, -0.018115265294909477, -0.012654046528041363, 0.010740802623331547, 0.003650904167443514, -0.019883200526237488, 0.017788318917155266, 0.026712752878665924, -0.018127374351024628, -0.007259426638484001, -0.004864844959229231, 0.012666155584156513, 0.012423972599208355, 0.04860606789588928, 0.015814529731869698, 0.005921367090195417, -0.021287860348820686, -0.010074800811707973, 0.0066176424734294415, 0.019786326214671135, -0.028722869232296944, 0.011879061348736286, 0.019180869683623314, -0.012617718428373337, -0.002116071293130517, -0.016892243176698685, -0.01961679942905903, -0.010849785059690475, 0.013877068646252155, -0.03322746604681015, 0.0004639312392100692, 0.0217116791754961, 0.009305870160460472, 0.000952080765273422, -0.0009747853619046509, -0.02142105996608734, 0.0038052957970649004, -0.007931483909487724, 0.009166615083813667, -0.026494788005948067, -0.019895309582352638, 0.05696137249469757, 0.0010837676236405969, 0.013441139832139015, 0.002930410671979189, 0.01701333560049534, -0.009856835938990116, 0.005948612466454506, -0.018660176545381546, -0.006472332868725061, 0.02569558471441269, -0.0037780501879751682, -0.009663090109825134, -0.009469343349337578, 0.04458583518862724, -0.009324033744633198, -0.02424248866736889, -0.003066638484597206, -0.02569558471441269, 0.0374898836016655, -0.03007909096777439, -0.016008276492357254, -0.023467503488063812, 0.006593423895537853, 0.0021705625113099813, 0.04417412355542183, 0.010298819281160831, -0.01593562215566635, -0.009856835938990116, 0.03707817196846008, 0.003148375079035759, 0.03870079666376114, -0.014361434616148472, 0.019192978739738464, -0.01129176840186119, -0.022922592237591743, 0.03497118130326271, 0.02860177680850029, -0.01938672550022602, 0.016238350421190262, 0.022353462874889374, -0.00017671768728177994, -0.011394696310162544, 0.009844726882874966, 0.020960912108421326, 0.019713671877980232, 0.018321121111512184, -0.014991109259426594, 0.03700551763176918, 0.004540925845503807, 0.020161710679531097, 0.013598558492958546, 0.04988963529467583, 0.00995976384729147, -0.003669067984446883, 0.013707540929317474, 0.023273756727576256, 0.003157456871122122, -0.007017243653535843, 0.0019465434597805142, -0.01183667965233326, 0.02278939262032509, 0.04431943595409393, 0.024072960019111633, -0.024036632850766182, 0.05143960565328598, 0.013659104704856873, 0.021820660680532455, -0.014736817218363285, -0.018551195040345192, 0.02978847175836563, 0.027681482955813408, -0.009941600263118744, 0.008010192774236202, -0.008131284266710281, -0.0005290178232826293, 0.015269619412720203, 0.02337063103914261, 0.009626762010157108, 0.0012033452512696385, 0.03518914803862572, 0.0003859786665998399, -0.04269681125879288, 0.026397913694381714, -0.0217116791754961, 0.02022225596010685, -0.014506744220852852, 0.0520692802965641, -0.025065910071134567, 0.027923665940761566, -0.011382587254047394, 0.0374898836016655, 0.013489576056599617, -0.020016400143504143, -0.0007250344497151673, -0.005285637453198433, 0.0021266669500619173, 0.03635162487626076, 0.002972792601212859, -0.013804414309561253, -0.017001226544380188, -0.004728617146611214, 0.03608522191643715, 0.027851011604070663, 0.012545064091682434, -0.009396689012646675, 0.006290695630013943, -0.025526056066155434, -0.0013577367644757032, -0.007525827270001173, -0.017122317105531693, 0.002944033360108733, 0.017485590651631355, -0.003451103577390313, 0.009463288821280003, -0.035382892936468124, -0.008421903476119041, 0.053328629583120346, 0.0011738293105736375, -0.01641998626291752, -0.005443056114017963, 0.06500183790922165, -0.010335146449506283, 0.0035025672987103462, 0.04787952080368996, 0.005379483103752136, 0.03635162487626076, 0.04388350620865822, -0.031072041019797325, 0.02282571978867054, -0.011085913516581059, 0.00908790621906519, 0.010662093758583069, 0.02284993790090084, 0.007979920133948326, 0.030393928289413452, 0.009796290658414364, -0.023491721600294113, -0.026131514459848404, 0.0026216276455670595, 0.009517780505120754, 0.0039021687116473913, -0.0062846411019563675, 0.017679337412118912, -0.024969035759568214, -0.03378448635339737, -0.015051654540002346, -0.004020232707262039, -0.009426961652934551, -0.024145616218447685, 0.011824570596218109, 0.007138335146009922, 0.012078862637281418, 0.040880441665649414, -0.013283721171319485, 0.03867657855153084, -0.027536172419786453, 0.026228386908769608, -0.010310928337275982, 0.015499693341553211, -0.020670292899012566, 0.02831115759909153, -0.01213940791785717, -0.014954782091081142, -0.0007734710234217346, 0.009893163107335567, -0.010662093758583069, -0.04143746197223663, -0.0025126454420387745, -0.04017810896039009, 0.011061694473028183, -0.0014432575553655624, -0.05347394198179245, 0.024920599535107613, 0.004192788153886795, 0.0108195124194026, -0.043762415647506714, -0.049574799835681915, 0.0188297051936388, -0.003157456871122122, -0.0033723940141499043, 0.0015355896903201938, 0.002712446264922619, -0.009687308222055435, -0.008331084623932838, 0.027802573516964912, 0.018660176545381546, 0.004341125022619963, 0.030248619616031647, -0.007459226995706558, 0.017473481595516205, -0.02741508185863495, -0.04398037865757942, -0.007471336517482996, 0.008179720491170883, -0.0044077252969145775, 0.005757893901318312, 0.015451256185770035, 0.021263640373945236, 0.010583383962512016, -0.0108437305316329, -0.010062690824270248, -0.005579283926635981, -0.015717657282948494, -0.010304873809218407, -0.005007127299904823, -0.013259503059089184, 0.031362660229206085, -0.01680747978389263, 0.0115460604429245, 0.0015575374709442258, 0.0032180026173591614, 0.012302881106734276, -0.010934549383819103, 0.00281991483643651, -0.01939883455634117, -0.030393928289413452, 0.01763090118765831, -0.011503678746521473, -0.02748773619532585, -0.027027590200304985, 0.006962752901017666, -0.007356299553066492, 0.03153218701481819, 0.009638871997594833, 0.004864844959229231, -0.02370968647301197, 0.03346965089440346, 0.0072957538068294525, -0.03141109645366669, -0.013828632421791553, 0.02627682313323021, -0.014518853276968002, -0.04131636768579483, 0.0036387951113283634, 0.004528816323727369, -0.009517780505120754, -0.03383292257785797, 0.00456211669370532, 0.029400980100035667, -0.003880977863445878, 0.002443017903715372, -0.001512128277681768, 0.0010232218774035573, 0.0030620975885540247, -0.0041473787277936935, 0.01823635771870613, 0.009039469063282013, 0.03005487285554409, -0.0001850427215686068, 0.056525442749261856, 0.010256437584757805, 0.006048513110727072, 0.029231451451778412, -0.0004627960151992738, 0.013634885661303997, 0.011866952292621136, 0.02192964404821396, 0.013707540929317474, 0.021033568307757378, -0.02134840562939644, -0.013646995648741722, 0.06718148291110992, -0.008555104024708271, -0.009614652954041958, 0.00020680132729467005, 0.0034904582425951958, 0.027269771322607994, -0.00011778026237152517, 0.04591783881187439, -0.013743868097662926, 0.030442366376519203, 0.0026261687744408846, -0.002079743891954422, 0.008161556906998158, -0.015693439170718193, 0.015112200751900673, -0.01822424866259098, -0.028165848925709724, 0.005981912836432457, 0.0012487545609474182, -0.02511434629559517, 0.016964897513389587, -0.008149447850883007, -0.0032543300185352564, -0.0034420215524733067, -0.033106375485658646, -0.005125191528350115, 0.016541078686714172, 0.012199953198432922, -0.016238350421190262, 0.0028971105348318815, 0.009529889561235905, 0.009699417278170586, -0.01027460116893053, -0.01097693108022213, 0.02255931869149208, -0.006660024169832468, -0.030248619616031647, -0.003959686961025, 0.07730472087860107, -0.027076026424765587, 0.046184241771698, 0.021796442568302155, 0.01114645879715681, -0.006569205783307552, -0.01845432259142399, 0.008906268514692783, -0.048702940344810486, -0.02719711698591709, -3.970944817410782e-05, 0.034268852323293686, -0.009759962558746338, 0.03303372114896774, -0.03148375079035759, 0.016904352232813835, -0.033905576914548874, 0.008191829547286034, -0.03589147701859474, -0.017194971442222595, -0.02249877341091633, 0.01845432259142399, 0.007640864234417677, 0.02429092489182949, 0.020670292899012566, -0.022438228130340576, 0.024944817647337914, 0.007247317582368851, 0.012557173147797585, 0.02598620392382145, 0.0010020309127867222, 0.017400827258825302, 0.05308644846081734, 0.012847792357206345, -0.010716584511101246, 0.004528816323727369, -0.000439712981460616, -0.015039545483887196, 0.005779084749519825, -0.028093192726373672, 0.00021512634702958167, 0.025211218744516373, 0.015572347678244114, 0.03211342543363571, -0.008276593871414661, -0.008912323042750359, 0.017219189554452896, -0.03676333278417587, 0.011879061348736286, -0.019447270780801773, 0.007362354081124067, -0.013562231324613094, -0.01961679942905903, -0.01675904355943203, -0.006205931771546602, -0.014821581542491913, -0.013780196197330952, 0.032234515994787216, 0.008906268514692783, 0.0009853808442130685, 0.009917381219565868, 0.007640864234417677, 0.01708598993718624, -0.019447270780801773, -0.019822653383016586, -0.021844878792762756, -0.02224448136985302, 0.04124371334910393, -0.009844726882874966, -0.00995976384729147, -0.008670140989124775, 0.019180869683623314, 0.029909564182162285, 0.0011511245975270867, 0.014434088952839375, 0.025865113362669945, -0.010353310965001583, -0.021009350195527077, 0.012302881106734276, 0.016371550038456917, 0.01591140404343605, -0.018853923305869102, -0.024436235427856445, -0.0014144983142614365, 0.010982985608279705, -0.01645631529390812, 0.010982985608279705, 0.0057336753234267235, 0.0066176424734294415, -0.017994174733757973, -0.022159717977046967, -0.018272684887051582, 0.016541078686714172, 0.013150520622730255, 0.004444052465260029, 0.008639868348836899, -0.01565711200237274, 0.027318209409713745, 0.015802420675754547, -0.012048589065670967, 0.011661097407341003, 0.012956774793565273, 0.03557663783431053, 0.004144351463764906, 0.009596489369869232, -0.011951716616749763, 0.010050581768155098, -0.006914316210895777, 0.011739806272089481, -0.02802053838968277, 0.0010792266111820936, 0.008639868348836899, 0.02746351808309555, -0.01964101754128933, -0.0036842043045908213, 0.01673482544720173, 0.00836135819554329, -0.003139293286949396, 0.009747853502631187, -0.05579889565706253, 0.025768239051103592, 0.02886817790567875, -0.023213211447000504, -0.010359365493059158, -0.01211518980562687, 0.02167535200715065, 0.0033693667501211166, -0.003977851010859013, 0.013743868097662926, 0.0058063301257789135, 0.014070815406739712, 0.04238197207450867, 0.03158062323927879, 0.004098942037671804, 0.0005994021776132286, 0.019253524020314217, 0.010044527240097523, 0.003678149776533246, -0.0019435161957517266, -0.013901286758482456, -0.045506130903959274, 0.020403891801834106, 0.01158238761126995, -0.009874999523162842, 0.03230717405676842, 0.025211218744516373, -0.020597638562321663, -0.004849708639085293, -0.001898106886073947, 0.003305793972685933, -0.008046519942581654, 0.007659027818590403, -0.006787170190364122, 0.0027578554581850767, 0.03521336615085602, 0.005116109736263752, 0.017776209861040115, -0.014470416121184826, -0.007120171561837196, 0.0007999597582966089, -0.03957265242934227, -0.001075442531146109, -0.03298528492450714, -0.0015726739075034857, -0.03233139216899872, 0.00013584936095867306, -0.006714515388011932, 0.012593500316143036, 0.010123237036168575, -0.019447270780801773, -0.027342427521944046, -0.011685315519571304, -0.024642089381814003, 0.0347047820687294, 0.03409932553768158, -0.02397608757019043, -0.0015068304492160678, 0.029885346069931984, -0.03225873410701752, -0.018926577642560005, -0.0017845837865024805, 0.017267625778913498, -0.019992182031273842, -0.04155855253338814, 0.006012185476720333, 0.019217196851968765, 0.0036478769034147263, -0.0055490112863481045, 0.01849064975976944, -0.016080930829048157, 0.010589438490569592, 0.0008347735274583101, 0.0022719765547662973, 0.013804414309561253, 0.005073727574199438, 0.0093906344845891, 0.0013796845450997353, 0.04182495176792145, 0.04657173529267311, 0.0245452169328928, 0.020452329888939857, -0.014300888404250145, -0.04163120687007904, -0.024036632850766182, -0.046377986669540405, 0.009057632647454739, -0.02746351808309555, 0.008603540249168873, 0.00519179180264473, -0.0031302114948630333, -0.0032603845465928316, -0.00850666780024767, -0.021893316879868507, 0.014143469743430614, -0.014870017766952515, -0.010752911679446697, 0.013731759041547775, 0.0025701639242470264, 0.0021751034073531628, -0.038603924214839935, 0.01643209718167782, 0.024920599535107613, 0.016565296798944473, -0.0404929481446743, 0.04824279248714447, -0.0029531153850257397, 0.012000152841210365, -0.029691599309444427, 0.005521765444427729, -0.012103080749511719, 0.063548743724823, -0.019992182031273842, -0.020621856674551964, 0.020755058154463768, -0.020900366827845573, -0.012932556681334972, -0.03584304079413414, 0.00808284804224968, -0.010341200977563858, 0.026954934000968933, 0.011600551195442677, 0.004671098664402962, 0.009342197328805923, -0.029037706553936005, 0.023322194814682007, -0.023019466549158096, -0.004398643504828215, 0.0043350704945623875, -0.022728847339749336, -0.001265404629521072, 0.03204077109694481, -0.03586725890636444, 0.009015250951051712, -0.023092120885849, 0.014700490050017834, -0.006272532045841217, 0.021723788231611252, -0.01763090118765831, -0.0012260499643161893, -0.001402389258146286, 0.0009331602486781776, 0.022062843665480614, 0.04393194243311882, 0.02108200453221798, -0.008863886818289757, 0.04540925845503807, 0.029037706553936005, -0.026761189103126526, -0.04792795702815056, 0.017521917819976807, -0.006045485846698284, 0.01677115261554718, 0.00026545493165031075, 0.00025523785734549165, 0.029061924666166306, 0.00281991483643651, 0.020137492567300797, 0.0015060736332088709, -0.021493714302778244, -0.0008181234588846564, 6.021456647431478e-05, 0.01853908598423004, -0.013429030776023865, 0.007465281989425421, -0.020960912108421326, 0.01701333560049534, 0.013731759041547775, 0.025235436856746674, 0.02545340172946453, 0.017800427973270416, 0.04950214549899101, 0.02748773619532585, 0.0005679941386915743, 0.0007976892520673573, 0.00014445820124819875, 0.008500613272190094, 0.0045923893339931965, 0.03007909096777439, 0.008997087366878986, 0.012036480009555817, -0.008906268514692783, -0.0202101469039917, 0.024085069075226784, -0.023903433233499527, 0.026736970990896225, 0.013586449436843395, 0.01760668307542801, -0.02056131139397621, -0.010068746283650398, 0.025501837953925133, 0.024036632850766182, -0.010086909867823124, -0.008718577213585377, -0.00039506054599769413, 0.03778050094842911, 0.02542918361723423, -0.018611740320920944, 0.010946658439934254, -0.028238503262400627, 0.006266477517783642, 0.00791937392205, 0.015826638787984848, 0.005545984022319317, -0.012423972599208355, 0.024726854637265205, 0.00854299496859312, -0.03836173936724663, -0.0347290001809597, -0.027681482955813408, -0.015245401300489902, 0.034220416098833084, 0.02886817790567875, 0.06214408203959465, -0.015136418864130974, 0.008724631741642952, 0.016383659094572067, 0.04775843024253845, 0.015971949324011803, 0.04681391641497612, -0.006920370738953352, 0.0017558245453983545, -0.032525137066841125, -0.019217196851968765, -0.026519006118178368, -0.007059625815600157, 0.007586373016238213, 0.008918377570807934, 0.014518853276968002, 0.008748849853873253, 0.003932441584765911, 0.026349477469921112, 0.03669067844748497, 0.021493714302778244, 0.022123388946056366, -0.007192826364189386, 0.01764301024377346, 0.010183782316744328, -0.006417841650545597, -0.010522838681936264, -0.00024520998704247177, 0.001149610965512693, -0.016407877206802368, 0.003532840171828866, 0.02224448136985302, 0.001338059431873262, -0.005903203506022692, -0.046935006976127625, 0.009487506933510303, -0.050180256366729736, -0.0047376989386975765, 0.018369557335972786, 0.012545064091682434, 0.031604841351509094, 0.010486510582268238, 0.003823459381237626, 0.009142396971583366, -0.00614841328933835, 0.004816408269107342, 0.005294719245284796, -0.04194604232907295, 0.03603678569197655, -0.021905425935983658, 0.019810544326901436, 0.012714591808617115, 0.002393067814409733, 0.008088902570307255, -0.024085069075226784, 0.014046596363186836, 0.016868025064468384], "05751854-84bb-4efb-aac7-1b9c0963712a": [0.010678336955606937, 0.04182403162121773, 0.07104068994522095, 0.004907588474452496, 0.014386001974344254, -0.026221757754683495, -0.004547938238829374, 0.007330321706831455, -0.03525878116488457, 0.04148399829864502, 0.0019094147719442844, -0.0652862936258316, -0.04402116686105728, 0.0072453138418495655, 0.018793350085616112, -0.01244389172643423, -0.040646992623806, 0.027464184910058975, -0.004757189191877842, 0.04705530405044556, 0.047787681221961975, 0.02198442630469799, 0.013444372452795506, 0.0029850953724235296, 0.0772135928273201, 0.012698915787041187, 0.007042601704597473, 0.034003276377916336, -0.009481683373451233, -0.04525051638484001, 0.015942305326461792, 0.0030880861449986696, -0.007846910506486893, 0.0020483704283833504, 0.03209386393427849, -0.029164349660277367, -0.03130917251110077, 0.01875411532819271, 0.005211655981838703, -0.05806713551282883, -0.0028494091238826513, -0.027333403006196022, 0.007310704328119755, -0.01582460105419159, -0.03829292207956314, 0.044988952577114105, -0.040071554481983185, -0.011829216964542866, -0.005339168477803469, -0.015759211033582687, -0.06523397564888, 0.04765690118074417, -0.042504094541072845, -0.0053522465750575066, -0.002089239889755845, -0.013110878877341747, -0.0223636943846941, 0.029373599216341972, -0.002618906321004033, -0.014346767216920853, 4.104812614968978e-05, 0.021709784865379333, -0.034003276377916336, 0.029452068731188774, 0.015066067688167095, -0.014634487219154835, -0.027333403006196022, -0.009468604810535908, -0.05409136787056923, 0.016112321987748146, 0.006463892292231321, 0.025724787265062332, 0.010083279572427273, -0.010050583630800247, -0.0015219736378639936, -0.03695894777774811, -0.007199539802968502, 0.012868932448327541, 0.011096838861703873, -0.050167910754680634, 0.012574673630297184, -0.013444372452795506, -0.018584098666906357, -0.05518993362784386, 0.02722877822816372, 0.012947401963174343, -0.0853220671415329, -0.016530822962522507, -0.04271334782242775, -0.054300617426633835, -0.01263352483510971, 0.051397260278463364, -0.009063181467354298, 0.014699878171086311, 0.027124151587486267, -0.04425657168030739, 0.005234542768448591, 0.03261698782444, -0.023292245343327522, 0.019748056307435036, -0.016138479113578796, 0.005993077531456947, 0.0007895953021943569, -0.022206755355000496, 0.059218015521764755, -0.030681418254971504, -0.04752611741423607, 0.026156367734074593, -0.009278970770537853, -0.01913338154554367, -0.08600213378667831, -0.0022249259054660797, -0.016962403431534767, -0.012371961958706379, 0.02365843392908573, 0.012764306738972664, -0.01341821625828743, -0.06863430887460709, 0.02806578204035759, -0.017734017223119736, -0.021356673911213875, -0.023082993924617767, 0.01033830363303423, -0.021788254380226135, -0.012247718870639801, 0.012705455534160137, 0.04786615073680878, -0.012417735531926155, -0.019421102479100227, 0.006143476814031601, 0.0326431468129158, 0.00973670743405819, 0.00022069434635341167, -0.02355380915105343, 0.005061257164925337, -0.020454278215765953, -0.021291282027959824, 0.03617425635457039, -0.04603520408272743, -0.017276279628276825, 0.014320611022412777, 0.0010969326831400394, -0.00872314814478159, 0.044073477387428284, 0.08291568607091904, -0.027438029646873474, 0.027019526809453964, -0.004397538956254721, 0.019277242943644524, -0.025123190134763718, 0.0010748632485046983, 0.024246951565146446, -0.0263656172901392, -0.014804503880441189, 0.015236083418130875, -0.037586700171232224, 0.0022134825121611357, 0.07067450135946274, -0.023697668686509132, 0.010586789809167385, -0.049409378319978714, 0.012528900057077408, 0.019394945353269577, -0.02156592532992363, -0.026967214420437813, -0.018584098666906357, -0.0243777334690094, -0.04729071259498596, -0.02650947868824005, -0.017773251980543137, -0.06225215271115303, -0.007866526953876019, -0.037979044020175934, -0.004927205387502909, -0.006957593373954296, -0.014542940072715282, 0.02314838394522667, -0.05450986698269844, -0.012064624577760696, -0.02272988297045231, -0.04441351071000099, -0.010266373865306377, -0.02681027539074421, -0.019617274403572083, -0.015275318175554276, -0.047839995473623276, 0.014909128658473492, 0.012234640307724476, -0.02887662872672081, -0.012705455534160137, -0.03285239636898041, 0.025541692972183228, 0.035232625901699066, -0.08882702142000198, -0.040568526834249496, -0.04035927355289459, 0.04106549546122551, -0.004829119425266981, 0.02321377582848072, -0.011312629096210003, 0.033192429691553116, 0.018845662474632263, 0.03128301352262497, 0.00395288085564971, 0.006029042415320873, -0.024129249155521393, -0.03306164592504501, 0.009305127896368504, -0.024129249155521393, -0.06361228227615356, 0.06319378316402435, -0.0017688242951408029, 0.027961155399680138, -0.0006992741255089641, -0.02759496681392193, 0.03141379728913307, -0.02641792967915535, 0.011953460052609444, -0.038842204958200455, 0.022193677723407745, 0.003289163112640381, 0.038476016372442245, 0.04642755165696144, -0.0037240127567201853, 0.015000676736235619, -0.021670550107955933, 0.04396885260939598, 0.018191752955317497, 0.013640545308589935, -0.024155404418706894, -0.006735264323651791, 0.016060009598731995, 0.019787291064858437, 0.015719976276159286, 0.04582595452666283, -0.062409091740846634, 0.009278970770537853, 0.010044044815003872, -0.03431715443730354, 0.03368940204381943, 0.0111556900665164, 0.06193827837705612, 0.018597176298499107, 0.04789230599999428, 0.03850217163562775, -0.01872795820236206, -0.01345745101571083, -0.04237331449985504, 0.025528613477945328, -0.018518708646297455, 0.021304361522197723, -0.0041130888275802135, 0.038057513535022736, -0.03630503639578819, -0.02161823771893978, -0.05566074699163437, -0.02971363253891468, 0.014490627683699131, -0.00528685562312603, -0.023069916293025017, 0.0011566018220037222, -0.023488417267799377, -0.04726455360651016, 0.021461298689246178, -0.029112035408616066, 0.00954053457826376, 0.010240217670798302, 0.028745846822857857, -0.04930474981665611, -0.02482239156961441, -0.024547750130295753, 0.009448987431824207, 0.03510184586048126, -0.028301188722252846, -0.02801346965134144, 0.008265411481261253, -0.00415886240079999, 0.00723223527893424, 0.0324600525200367, -0.036435820162296295, -0.044151946902275085, 0.011456488631665707, 0.00973670743405819, 0.029425913468003273, -0.00290172197856009, 0.018152518197894096, -0.006581595633178949, 0.027542654424905777, -0.03570343926548958, 0.026561791077256203, 0.0305244792252779, -0.04914781451225281, -0.03575575351715088, 0.016883933916687965, -0.001462304382584989, 0.0057151662185788155, 0.00294913025572896, -0.0021562655456364155, -0.012058084830641747, -0.0023687859065830708, 0.0091678062453866, -0.021055875346064568, -0.035938847810029984, -0.002631984418258071, -0.027935000136494637, -0.0023164732847362757, 0.00172795495018363, 0.03405559062957764, 0.026221757754683495, -0.024534672498703003, -0.0028069051913917065, 0.011848834343254566, 0.051868073642253876, -0.015994617715477943, -0.065129354596138, -0.04151015356183052, 0.02924281731247902, -0.022180598229169846, 0.01875411532819271, -0.01345745101571083, -0.001359313726425171, -0.008814695291221142, -0.01365362387150526, -0.03907761350274086, -0.0487031564116478, -0.010403694584965706, -0.004554477520287037, -0.0007998126675374806, -0.020624294877052307, 0.010933361016213894, 0.022716805338859558, -0.007618041709065437, 0.011711513623595238, 0.032303113490343094, -0.03538956493139267, 0.028798159211874008, -0.05764863267540932, 0.0407516211271286, 0.0024554289411753416, 0.012450430542230606, -0.006970671936869621, -0.04381191357970238, -0.007559190038591623, -0.017263201996684074, 0.03580806776881218, -0.0609443336725235, 0.009710551239550114, 0.0025829412043094635, -0.007264930754899979, 0.018871819600462914, -0.05848563462495804, 0.025855569168925285, -0.040908556431531906, -0.00508087407797575, -0.035232625901699066, 0.03308780491352081, 0.009828254580497742, -0.020859703421592712, -0.0202973410487175, 0.00816078670322895, -0.07679509371519089, -0.027333403006196022, 0.007251852657645941, -0.0069772107526659966, -0.029818257316946983, 0.03531109541654587, -0.06382153183221817, -0.04593057930469513, 0.0004757189308293164, 0.0038744118064641953, 0.019408024847507477, -0.014359845779836178, -0.004587172996252775, 0.02150053344666958, -0.03389865159988403, -0.014778347685933113, 0.013156652450561523, 0.06314147263765335, -0.026130210608243942, 0.07496415078639984, 0.09541842341423035, -0.003207424422726035, -0.03212001919746399, -0.03225079923868179, 0.06429234892129898, -0.03206770494580269, -0.007480720989406109, -0.017289359122514725, 0.004825849551707506, -0.014699878171086311, 0.0069772107526659966, 0.03528494015336037, 0.05079566314816475, -0.013150113634765148, 0.04914781451225281, 0.00499586621299386, 0.0007446390809491277, 0.05743938311934471, 0.014346767216920853, -0.04122243449091911, 0.06638485938310623, -0.037691324949264526, -0.04519820213317871, 0.020637374371290207, 0.010096357204020023, 0.020846623927354813, 0.008853930048644543, 0.04033311828970909, 0.03290471062064171, 0.01752476580440998, 0.009475143626332283, 0.0023393600713461637, 0.035965003073215485, 0.004923935979604721, 0.027019526809453964, -0.057073190808296204, 0.042137905955314636, 0.05665469169616699, 0.020284263417124748, -0.06366460025310516, 0.01633465103805065, -0.05367286503314972, -0.018505629152059555, -0.008768921718001366, -0.04344572499394417, 0.0014802869409322739, 0.01914646103978157, -0.02556784823536873, 0.0693666860461235, -0.08438044041395187, -0.032721616327762604, 0.006457353010773659, -0.0073630171827971935, 0.034787967801094055, -0.009069720283150673, -0.01713242009282112, 0.004904318600893021, -0.010076740756630898, 0.016504667699337006, -0.049827877432107925, -0.03340167924761772, 0.010697954334318638, -0.013431294821202755, -0.0035278399009257555, -0.011600349098443985, 0.0037763253785669804, -0.017969423905014992, 0.020441200584173203, 0.055974625051021576, 0.0183094572275877, -0.05087413266301155, -0.010541016235947609, 0.01361438911408186, 0.02926897443830967, -0.02522781491279602, -0.03792673349380493, 0.010220600292086601, -0.055974625051021576, 0.006339649204164743, -0.030419854447245598, -0.01302587054669857, 0.02848428301513195, 0.06256602704524994, 0.029425913468003273, 0.016177712008357048, 0.02156592532992363, -0.004920666571706533, 0.022259067744016647, 0.020231949165463448, -0.02686258964240551, -0.020205793902277946, 0.045355141162872314, 0.01874103769659996, 0.00022764212917536497, -0.03512800112366676, -0.01670083962380886, 0.01588999293744564, 0.06633254885673523, -0.009533995762467384, -0.016413120552897453, 0.012286953628063202, -0.016347728669643402, -0.025332441553473473, -0.05006328597664833, 0.0324862077832222, -0.014608331024646759, 0.03308780491352081, -0.004953362047672272, -0.004819310735911131, 0.007317243609577417, -0.05545149743556976, 0.010782962664961815, 0.07616733759641647, -0.012430813163518906, 0.011364941485226154, 0.02110818773508072, -0.008193481713533401, -0.04279181733727455, 0.02722877822816372, -0.009220119565725327, -0.006444274913519621, -0.04323647543787956, 0.01743321865797043, 0.024142326787114143, 0.018230987712740898, 0.012960479594767094, 0.04715992882847786, 0.003380710491910577, -0.016530822962522507, 0.0051495349034667015, 0.016936248168349266, -0.01918569579720497, -0.015497647225856781, -0.026143288239836693, -0.023266088217496872, 0.01995730772614479, 0.015471491031348705, 0.018087128177285194, -0.04307953640818596, 0.020663529634475708, -0.029164349660277367, -0.012568133883178234, 0.01747245341539383, 0.005299933720380068, -0.05518993362784386, -0.0018979713786393404, -0.031178388744592667, -0.014085203409194946, -0.0019666317384690046, -0.020441200584173203, 0.001976440427824855, -0.021631315350532532, -0.006512935273349285, 0.03047216683626175, -0.014372923411428928, -0.03826676309108734, 0.015000676736235619, -0.02071584202349186, -0.010737188160419464, -0.03960074111819267, 0.007140688132494688, -0.04564286023378372, 0.020048854872584343, 0.017263201996684074, 0.007147227413952351, -0.017420141026377678, -0.01953880675137043, -0.01756400056183338, -0.020101167261600494, -0.03379402682185173, 0.0182702224701643, -0.00496644014492631, 0.030393699184060097, -0.012882011011242867, 0.05853794887661934, 0.008710070513188839, -0.019211851060390472, -0.030315229669213295, -0.0011680452153086662, 0.011744208633899689, 0.01957804150879383, -0.029530538246035576, 0.013758248649537563, 0.017315514385700226, -0.000662083039060235, 0.018610255792737007, 0.0003506587818264961, -0.020585060119628906, -0.00693143717944622, -0.014791425317525864, 0.024586984887719154, -0.007513416465371847, -0.02772574871778488, -0.05890413746237755, 0.028798159211874008, 0.00447927787899971, -0.04977556690573692, -0.02199750393629074, 0.009481683373451233, 0.0036226569209247828, -0.019656509160995483, -0.031021451577544212, -0.016779309138655663, 0.035991162061691284, -0.04417810216546059, -0.004878162406384945, 0.017969423905014992, 0.017210889607667923, 3.371719139977358e-05, -0.00893893837928772, 0.00445966050028801, -0.013287434354424477, 0.02364535629749298, 0.010115974582731724, 0.000348206638591364, 0.014542940072715282, -0.028588909655809402, 0.0263656172901392, 0.006172902416437864, 0.02402462251484394, 0.003992115613073111, 0.005855756811797619, -0.026378696784377098, -0.004717954900115728, -0.013601310551166534, 0.01743321865797043, 0.04017617926001549, -0.004394269548356533, 0.0163215734064579, 0.005724974907934666, 0.015563038177788258, -0.030289072543382645, -0.018492551520466805, -0.02730724774301052, -0.017237044870853424, 0.03091682493686676, -0.031178388744592667, 0.020127324387431145, -0.010063662193715572, 0.008435428142547607, -0.0014418697683140635, 0.016413120552897453, -0.0038547946605831385, 0.015497647225856781, 0.029399756342172623, 0.014922207221388817, -0.00041768449591472745, -0.016190791502594948, 0.007179922889918089, -0.016805466264486313, -0.004256948828697205, -0.005708626937121153, 0.001571834203787148, 0.002067987807095051, 0.030681418254971504, 0.042530253529548645, -0.018571021035313606, -0.014490627683699131, -0.007251852657645941, -0.00815424695611, 0.009527456946671009, -0.027908843010663986, 0.013941343873739243, -0.0020173098891973495, 0.014490627683699131, -0.01785171963274479, -0.0024554289411753416, 0.013666701503098011, -0.004982788115739822, -0.003599769901484251, 0.0076638152822852135, -0.05003713071346283, 0.05456218123435974, -0.01586383581161499, 0.04156246781349182, -0.00952091719955206, -0.040097709745168686, 0.00448908656835556, 0.0012718533398583531, 0.011881529353559017, -0.03413406014442444, 0.01836176961660385, 0.04383807256817818, -0.02892894111573696, -0.034395623952150345, 0.011835755780339241, 0.05053409934043884, 0.008115013130009174, 0.015563038177788258, -0.016138479113578796, 0.0006109963869675994, -0.0007675258675590158, 0.003259737277403474, -0.013483607210218906, -0.027542654424905777, 0.022965289652347565, 0.017263201996684074, -0.018571021035313606, 0.002661410253494978, 0.017825564369559288, -0.0014835564652457833, -0.011744208633899689, -0.03685431927442551, 0.026744885370135307, 0.01793018914759159, 0.027150308713316917, 0.020977405831217766, 0.002239638939499855, -0.010920283384621143, 0.000633474497590214, 0.009004329331219196, 0.011070682667195797, -0.02318761870265007, -0.03570343926548958, 0.008683913387358189, 0.02119973488152027, -0.00022294215159490705, 0.014098281972110271, 0.0024341768585145473, -0.11215849965810776, -0.04156246781349182, -0.007238774560391903, 0.03939148783683777, -0.041614778339862823, -0.04263487830758095, 0.00042299748747609556, -0.030184447765350342, 0.026692572981119156, 0.06439697742462158, 0.0326693020761013, 0.00530647300183773, 0.03907761350274086, -0.024626219645142555, 0.004050967283546925, -0.006251371465623379, 0.0035507266875356436, 0.007251852657645941, 0.018780270591378212, 0.04998481646180153, -0.0244169682264328, 0.0004904319066554308, 0.032564677298069, -0.022677570581436157, -0.02647024393081665, 0.009553613141179085, 0.01035792101174593, -0.024743923917412758, 0.016491590067744255, -0.018204830586910248, 0.0003888716164510697, -0.01674007438123226, 0.019721901044249535, 0.007631119806319475, -0.016400042921304703, -0.016138479113578796, 0.029033567756414413, -0.02803962491452694, 0.001491730334237218, -0.0018260413780808449, 0.01098567433655262, -0.0011508801253512502, -0.029033567756414413, -3.84171653422527e-05, 0.01382363960146904, -0.002983460668474436, 0.023749981075525284, -0.010861431248486042, 0.006679682061076164, -0.049069344997406006, 0.004721224308013916, 0.03421252965927124, 0.01180306077003479, -0.01242427434772253, 0.011122995056211948, 0.039260707795619965, -0.007761901710182428, 0.020912015810608864, -0.0050024050287902355, -0.03996692970395088, 0.013339746743440628, -0.01405904721468687, 0.07920148223638535, -0.034761812537908554, 0.04752611741423607, -0.005757670383900404, 0.005963651463389397, 0.006025773007422686, -0.029112035408616066, 0.039705365896224976, 0.008402733132243156, -0.013548998162150383, 0.005303203593939543, 0.0183094572275877, 0.0073891738429665565, 0.022664491087198257, -0.05827638506889343, 0.011868451721966267, -0.026548711583018303, 0.011404176242649555, -0.008265411481261253, -0.03572959825396538, -0.00418828846886754, -0.02198442630469799, -0.02845812775194645, 0.011188386008143425, 0.027751905843615532, 0.004302722401916981, -0.03787441924214363, 0.012541977688670158, -0.03306164592504501, 0.009913262911140919, -0.014386001974344254, -0.0075461119413375854, 0.013058566488325596, 0.007042601704597473, 0.0005836139316670597, 0.0035082227550446987, -0.027411872521042824, 0.018976444378495216, 0.019015679135918617, -0.003174728946760297, 0.037272822111845016, -0.042164064943790436, 0.005038370378315449, 0.030262917280197144, 0.01464756578207016, -0.007997308857738972, 0.02932128682732582, -0.013195887207984924, 0.003148572752252221, -0.012123475782573223, 0.030838357284665108, -0.00872314814478159, 0.011868451721966267, 0.032773926854133606, -0.011809599585831165, -0.013104340061545372, -0.006172902416437864, 0.008611983619630337, -0.007716128136962652, 0.05158035457134247, 0.01951264962553978, -0.011861911974847317, -0.011946920305490494, -0.01633465103805065, 0.007500338368117809, 0.02355380915105343, -0.0034461014438420534, 0.004103280138224363, 0.001974805723875761, 0.01986576057970524, -0.013163191266357899, -0.026574868708848953, -0.030707575380802155, -0.004662372171878815, 0.01345745101571083, -0.03350630775094032, 0.03426484018564224, 0.03167536109685898, 0.032329268753528595, 0.005744592286646366, -0.016046931967139244, -0.022677570581436157, 0.023436104878783226, -0.009069720283150673, 0.009710551239550114, -0.02405077964067459, -0.03086451254785061, 0.03371555730700493, 0.01014867052435875, 0.009782481007277966, 0.00631022360175848, 0.02109511010348797, 0.003024329897016287, 0.01548456959426403, -0.008696991950273514, -0.011652661487460136, 0.0304983239620924, -0.005041639786213636, -0.015968462452292442, -0.019211851060390472, 0.03502337634563446, -0.005564766936004162, -0.01544533483684063, 0.009887106716632843, -0.02310914918780327, 0.03418637067079544, -0.02929513156414032, -0.017328593879938126, 0.00010738414857769385, 0.024691609665751457, -0.0043779220432043076, 0.044962793588638306, 0.029216662049293518, -0.02116050012409687, -0.0033267629332840443, 0.026326382532715797, -0.007036062888801098, 0.029504381120204926, -0.016870856285095215, -0.0005762574728578329, -0.027124151587486267, -0.021735940128564835, 0.04647986218333244, 0.02560708299279213, 0.0112145422026515, 0.006274258717894554, 0.01990499533712864, -0.0043779220432043076, -0.008343880996108055, 0.019408024847507477, 0.010521398857235909, -0.00229195156134665, -0.004923935979604721, -0.03138764202594757, 0.024639297276735306, -0.01059332862496376, 0.010122514329850674, 0.014699878171086311, 0.05524224787950516, -0.028719691559672356, -0.020624294877052307, 0.0152491619810462, 0.024325421079993248, -0.004100010730326176, 0.012868932448327541, 0.025136267766356468, -0.010665258392691612, 0.03852832689881325, 0.03306164592504501, 0.04749996215105057, -0.012659681960940361, 0.05113569647073746, -0.002367151202633977, -0.008232716470956802, -0.013771327212452888, -0.007395712658762932, 0.014791425317525864, 0.031466107815504074, 6.590178236365318e-05, 0.020912015810608864, -0.017825564369559288, -0.009220119565725327, 0.010678336955606937, 0.025868646800518036, 0.007284548133611679, -0.0039430721662938595, 0.0446227602660656, 0.01592922769486904, -0.025332441553473473, 0.024495437741279602, 0.006898741703480482, 0.009455526247620583, -0.010214061476290226, 0.05218195170164108, -0.031204545870423317, 0.024678532034158707, -0.010096357204020023, 0.03416021540760994, 0.00700336741283536, -0.03931301832199097, -0.008984711952507496, -0.01548456959426403, -0.016386963427066803, 0.044596605002880096, -0.01405904721468687, -0.025044720619916916, 0.007317243609577417, 0.00937051884829998, 0.04153630882501602, 0.015209927223622799, 0.015406100079417229, -0.00816078670322895, 0.012568133883178234, -0.00649658776819706, 0.020454278215765953, 0.010370999574661255, -0.007513416465371847, -0.004731032997369766, 0.012666220776736736, -0.005008944310247898, 0.033244743943214417, -0.022912977263331413, -0.011672278866171837, 0.049383219331502914, 0.02122589200735092, -0.018610255792737007, 0.005901530385017395, 0.05576537549495697, 0.008487741462886333, 0.015353787690401077, 0.059531889855861664, 0.006359266582876444, -0.0008852295577526093, 0.05260045453906059, -0.021814409643411636, 0.014320611022412777, -0.01118184719234705, 0.018427159637212753, 0.028327345848083496, 0.03701125830411911, 0.009010868147015572, 0.02806578204035759, 0.010933361016213894, -0.01915953867137432, -0.003707665018737316, -0.0011950189946219325, 0.02564631775021553, 0.012685838155448437, 0.003006347455084324, 0.008402733132243156, -0.01381056196987629, -0.01663544960319996, -0.012483126483857632, 0.0030504863243550062, -0.02067660726606846, -0.03468334302306175, 0.020166559144854546, -0.009095876477658749, 0.0033316672779619694, 0.013431294821202755, -0.0014655739068984985, 0.04025464877486229, -0.01668776199221611, 0.038894519209861755, -0.01906799152493477, 0.012398118153214455, -0.014137516729533672, 0.010495242662727833, -0.01365362387150526, -0.005407828837633133, -0.00022948124387767166, 0.009494761005043983, -0.015798445791006088, -0.01783864200115204, -0.015733053907752037, -0.031884610652923584, -0.010926822200417519, -0.005698818247765303, -0.05126648023724556, 0.019630353897809982, -0.0005872921901755035, 0.007356478367000818, -0.033192429691553116, -0.05409136787056923, 0.006369075272232294, -0.0004037889011669904, -0.012247718870639801, -0.007009906228631735, -0.004083662759512663, -0.010194444097578526, -0.005407828837633133, 0.030184447765350342, 0.02070276439189911, -0.0058001745492219925, 0.029870571568608284, -0.030759887769818306, 0.025358596816658974, -0.013509763404726982, -0.03575575351715088, -0.015275318175554276, 0.016125399619340897, -0.006297145504504442, 0.013169731013476849, 0.012705455534160137, -0.0017753633437678218, 0.012273875065147877, -0.0102009829133749, 0.0007912301225587726, -0.0030096168629825115, -0.013967500068247318, -0.01623002626001835, -0.009220119565725327, 8.48549316287972e-05, 0.01715857721865177, -0.006872585508972406, 0.006156554911285639, -0.005819791462272406, 0.015549960546195507, 0.002126839477568865, 0.006068277172744274, 0.0003874411922879517, -0.02190595678985119, -0.02924281731247902, 0.018897974863648415, -0.025515535846352577, -0.030289072543382645, -0.0142552200704813, 0.013378981500864029, -0.01298663578927517, 0.05602693930268288, -2.549223972891923e-05, 0.012515821494162083, -0.0152491619810462, 0.0068595074117183685, -0.000997211434878409, -0.03491875156760216, -0.01219540648162365, 0.028536595404148102, -0.02284758724272251, -0.02488778345286846, 0.008696991950273514, -0.002079431200399995, -0.011024908162653446, -0.028536595404148102, 0.02801346965134144, 0.012110398150980473, 0.01341821625828743, -0.0202973410487175, -0.009030485525727272, -0.006091163959354162, 0.007565729320049286, -0.003280989360064268, 0.023684591054916382, -0.003949611447751522, 0.0305244792252779, -0.00662083039060235, 0.054248303174972534, -0.005443793721497059, 0.006163093727082014, 0.025907881557941437, -0.005469950381666422, 0.025803256779909134, 0.01199923362582922, 0.03227695822715759, 0.00853351503610611, 0.004910857882350683, -0.013771327212452888, 0.025070877745747566, 0.06021195650100708, -0.007179922889918089, -0.025437066331505775, 0.011417253874242306, 0.015955382958054543, 0.018217910081148148, -0.012169249355793, 0.04028080403804779, -0.01998346485197544, 0.021892879158258438, 0.006516204681247473, -0.025437066331505775, 0.01795634627342224, -0.020022699609398842, 0.00425367895513773, -0.011907685548067093, -0.012103858403861523, 0.003282624064013362, -0.0037534385919570923, -0.03015829063951969, 0.008592366240918636, -0.001025002682581544, -0.021382829174399376, 0.009337822906672955, -0.04927859455347061, 0.007251852657645941, 0.011776904575526714, 0.018466394394636154, -0.015942305326461792, -0.0003224589745514095, 0.033140115439891815, 0.008023465983569622, 0.010299069806933403, 0.013117417693138123, 0.0039659589529037476, 0.008893164806067944, -0.02845812775194645, 0.013032409362494946, 0.09813868999481201, -0.026692572981119156, 0.043288785964250565, 0.01748553104698658, 0.016033852472901344, -0.023867685347795486, -0.02354072965681553, 0.013797483406960964, -0.03737744688987732, -0.031963080167770386, -0.003858064068481326, 0.024273108690977097, -0.003988845739513636, 0.05723012983798981, -0.03591269254684448, 0.029870571568608284, -0.02071584202349186, 0.009180884808301926, -0.042477939277887344, -0.024992408230900764, -0.0048585450276732445, 0.005711896810680628, 0.004319069907069206, 0.0018211370334029198, 0.019394945353269577, -0.03949611261487007, 0.021356673911213875, 0.016020774841308594, 0.008827773854136467, 0.009834794327616692, 0.014307532459497452, 0.020127324387431145, 0.05581768602132797, 0.00835695955902338, -0.004773537162691355, -0.010900666005909443, -0.00047939716023392975, -0.029582850635051727, 0.014281376264989376, -0.017001638188958168, -0.0056530446745455265, 0.034369464963674545, 0.01704087294638157, 0.035938847810029984, 0.00872968789190054, -0.0029703823383897543, -0.009285510517656803, -0.023763058707118034, 0.008343880996108055, 0.004198096692562103, 0.00259111518971622, -0.016046931967139244, -0.010174826718866825, -0.018217910081148148, -0.010645641013979912, -0.00957976933568716, -0.00468525942414999, 0.03450024873018265, -0.0013511398574337363, 0.003035773290321231, -0.011737669818103313, -0.007179922889918089, -0.005205117166042328, -0.010253296233713627, -0.00732378289103508, -0.018139440566301346, -0.031152233481407166, 0.027856530621647835, 0.014163672924041748, -0.029896726831793785, -0.007376095280051231, 0.01744629628956318, 0.03510184586048126, -0.004629677161574364, 0.006434466224163771, 0.025476301088929176, -0.029896726831793785, -0.028379658237099648, 0.030707575380802155, 0.018832584843039513, 0.0036193872801959515, -0.007284548133611679, -0.0142552200704813, 0.007369556464254856, 0.005708626937121153, -0.02924281731247902, -0.003410136327147484, 0.008389654569327831, 0.0025371676310896873, -0.0244169682264328, -0.03384633734822273, 0.0038678727578371763, 0.016413120552897453, 0.023763058707118034, 0.0012162710772827268, -0.010207521729171276, -0.01037753839045763, 0.01626926101744175, 0.02602558583021164, -0.029556695371866226, 0.010580250062048435, 0.028327345848083496, 0.032773926854133606, 0.017734017223119736, 0.014072125777602196, -0.004044428002089262, -0.0005419272347353399, -0.011469567194581032, 0.016622371971607208, -0.04569517448544502, -0.009161267429590225, 0.0112145422026515, -0.003150207456201315, -0.02599942870438099, -0.023409947752952576, 0.004312531091272831, 0.017760172486305237, -0.031021451577544212, 0.027542654424905777, -0.051475729793310165, 0.027751905843615532, 0.025711707770824432, -0.035154156386852264, -9.591519301466178e-06, -0.004596981685608625, 0.0223506148904562, 0.00691181980073452, 0.007977691479027271, 0.002143187215551734, 0.00831772480159998, 0.005407828837633133, 0.04689836502075195, 0.013483607210218906, 0.011273394338786602, -0.01629541628062725, 0.009514378383755684, -0.008415810763835907, -0.003029234241694212, -0.019421102479100227, -0.02283450774848461, -0.042059436440467834, 0.023893840610980988, -0.0006404222804121673, 0.006463892292231321, 0.004008463118225336, 0.005911339074373245, -0.028981255367398262, -0.01709318533539772, 0.0003574022266548127, 0.023815371096134186, -0.0102009829133749, 0.02520165964961052, -0.004368113353848457, 0.0031518421601504087, 0.005643235985189676, -0.008585827425122261, 0.0324338935315609, -0.016517745330929756, -0.00833734218031168, 0.0053522465750575066, -0.011600349098443985, -0.006238293368369341, -0.0569685660302639, 0.002251082332804799, -0.01466064341366291, -0.005116839427500963, -0.01078950148075819, 0.016779309138655663, 0.010096357204020023, -0.00560727110132575, -0.04812771454453468, 0.002120300428941846, -0.005976730026304722, 0.027385715395212173, 0.016007697209715843, -0.02194519154727459, 0.0021284744143486023, 0.026169445365667343, -0.03633119538426399, -0.021853644400835037, -0.004410617519170046, 0.016870856285095215, -0.027961155399680138, -0.03939148783683777, 0.0013208965538069606, 0.01583768054842949, -0.0037468995433300734, -0.01097913458943367, -0.003929994069039822, -0.025842489674687386, 0.03894682973623276, 0.004610059782862663, 0.00895855575799942, 0.014333688654005527, 0.014399079605937004, 0.0038776814471930265, -0.006588134914636612, 0.034290995448827744, 0.04109165072441101, 0.04224253073334694, 0.0264048520475626, 0.008984711952507496, -0.051109541207551956, -0.011750747449696064, -0.0324077382683754, 0.013875952921807766, -0.030707575380802155, -0.00682681193575263, 0.03873758018016815, -0.011646122671663761, -0.008814695291221142, -0.013189348392188549, -0.018165597692131996, 0.01747245341539383, -0.028772003948688507, 0.015419178642332554, 0.0048585450276732445, 0.008252333849668503, 0.008049622178077698, -0.042974911630153656, 0.0033643627539277077, 0.015628429129719734, 0.018897974863648415, -0.03497106209397316, 0.03499721735715866, -0.021631315350532532, 0.022062895819544792, -0.015667663887143135, -0.0012530534295365214, -0.008638139814138412, 0.05079566314816475, -0.014386001974344254, -0.034814123064279556, 0.01914646103978157, 0.002465237630531192, -0.021735940128564835, -0.04096087068319321, -0.009704012423753738, -0.010227139107882977, 0.006617560982704163, 0.011449949815869331, 0.005584384314715862, 0.0264833215624094, -0.021775174885988235, 0.005620349198579788, -0.016151556745171547, -0.005022022407501936, 0.0015620255144312978, -0.026718728244304657, -0.0033578237053006887, 0.027150308713316917, -0.017328593879938126, 0.018466394394636154, 0.004106549546122551, 0.03494490683078766, -0.021055875346064568, 0.016949325799942017, -0.0037109346594661474, -0.024116169661283493, 0.0028477744199335575, -0.0071341488510370255, 0.014346767216920853, 0.032329268753528595, 0.01587691530585289, 0.00324829388409853, 0.05482374504208565, 0.019381867721676826, -0.018871819600462914, -0.023475339636206627, 0.01666160486638546, 0.002924608765169978, 0.002287047216668725, 0.017289359122514725, -0.0026630451902747154, 0.021068952977657318, 0.0011541496496647596, 0.02730724774301052, 0.011286471970379353, -0.007572268135845661, -0.012927784584462643, -0.027542654424905777, 0.008409271948039532, 0.001999327214434743, 0.017223967239260674, -0.02605174109339714, 0.03290471062064171, -0.0005031013861298561, 0.01715857721865177, 0.010475625284016132, 0.011528418399393559, 0.051815763115882874, 0.039208393543958664, -0.0032352155540138483, -0.012084241025149822, -0.01621694676578045, -0.0034853359684348106, -0.010652180761098862, 0.002630349714308977, -0.002821617992594838, -0.002226560842245817, -0.024103092029690742, -0.021082032471895218, 0.030367542058229446, -0.029896726831793785, 0.030341384932398796, 0.0018096936400979757, 0.019669588655233383, -0.01785171963274479, 0.0017541113775223494, 0.029582850635051727, 0.00527704693377018, -0.009050102904438972, 0.009455526247620583, 0.014124438166618347, 0.030602948740124702, 0.02650947868824005, -0.001243244856595993, 0.02558092586696148, -0.03306164592504501, -0.007506877183914185, -0.0030259646009653807, 0.027464184910058975, 0.012574673630297184, -0.013326669111847878, 0.02402462251484394, 0.030655261129140854, -0.028719691559672356, -0.03782210499048233, -0.03858064115047455, -0.013052026741206646, 0.03128301352262497, 0.005178960505872965, 0.03091682493686676, -0.023736903443932533, 0.022036738693714142, 0.009488222189247608, 0.043367255479097366, 0.005015483126044273, 0.040908556431531906, -0.009612465277314186, 0.005623619072139263, -0.03960074111819267, 0.007513416465371847, -0.023723823949694633, -0.006042120512574911, 0.012803541496396065, 0.006045390386134386, 0.010547555051743984, 0.01258121244609356, 0.0059538427740335464, 0.03308780491352081, 0.02725493349134922, 0.02199750393629074, 0.02240292727947235, -0.01116222981363535, 0.004276566207408905, 0.025842489674687386, -0.011534958146512508, 0.01751168817281723, 0.013176269829273224, -0.005126648116856813, -0.004312531091272831, -0.0025257242377847433, 0.021657472476363182, 0.011266854591667652, 0.0046787201426923275, -0.05482374504208565, -0.009860950522124767, -0.03952227160334587, 0.014072125777602196, 0.013889030553400517, 0.01055409386754036, 0.0111556900665164, -0.00223473459482193, -0.01262044720351696, 0.0020810659043490887, -0.008775461465120316, 0.006264450028538704, 0.009488222189247608, -0.03994077071547508, 0.03209386393427849, -0.027908843010663986, 0.02237677201628685, 0.001976440427824855, 0.015314552932977676, 0.006761420983821154, -0.02892894111573696, 0.030446011573076248, 0.03374171257019043], "c6a53284-e08f-4c91-9247-67afe3d6a669": [0.020968090742826462, 0.0381375215947628, 0.06616205722093582, 0.007874039933085442, 0.028527671471238136, -0.00022523086227010936, 0.025383086875081062, -0.02368501015007496, -0.05866536870598793, 0.013785858638584614, -0.006084770895540714, -0.04656500741839409, -0.028376730158925056, -0.008446354418992996, 0.04050225019454956, 0.008905463851988316, -0.02379821613430977, 0.02203724905848503, -0.030364109203219414, 0.06113072484731674, 0.03403698280453682, 0.03179803863167763, 0.04118147864937782, 0.011075226590037346, 0.04845175892114639, -0.012150675058364868, -0.0023662999738007784, 0.04274119436740875, -0.007980955764651299, -0.06138228997588158, -0.0021823416464030743, 0.010974599979817867, -0.02135801874101162, 0.009207343682646751, 0.02908111736178398, -0.02425103634595871, 0.001891467603854835, 0.025684965774416924, -0.008131895214319229, -0.0377601720392704, -0.010370840318500996, -0.030967868864536285, 0.020691366866230965, 0.017961867153644562, -0.007314303889870644, 0.028955334797501564, -0.06470297276973724, -0.032603051513433456, -0.01694302074611187, 0.01872914470732212, -0.07280342280864716, 0.025835907086730003, -0.030011914670467377, -0.017031069844961166, 0.033257126808166504, 0.011245034635066986, -0.013433665037155151, 0.01698075607419014, -0.026590606197714806, -0.025760436430573463, 0.009219922125339508, 0.009238789789378643, -0.01933290623128414, 0.04165945574641228, -0.0007861461490392685, 0.0015259096398949623, -0.030364109203219414, 0.04032615199685097, -0.03715641051530838, 0.010326815769076347, 0.006830037571489811, 0.030464734882116318, 0.01617574319243431, -0.008320570923388004, -0.0037892244290560484, -0.027043426409363747, -0.00894948747009039, 0.008389751426875591, 0.029634565114974976, -0.017005912959575653, 0.01119472086429596, -0.01667887717485428, -0.038011737167835236, -0.03617529943585396, 0.01301858015358448, 0.01918196491897106, -0.06520610302686691, -0.03848971426486969, 6.343216955428943e-05, -0.029936445876955986, 0.005559625569730997, 0.04503045231103897, -0.010433731600642204, 0.03479168191552162, 0.049810219556093216, -0.018213434144854546, 0.023672431707382202, 0.02470385655760765, -0.026515137404203415, 0.034162767231464386, 0.029684878885746002, -0.029760347679257393, 0.015433620661497116, -0.055596254765987396, 0.04709329828619957, -0.04510591924190521, -0.032678522169589996, 0.00045557168778032064, -0.015119162388145924, -0.0094400430098176, -0.09388471394777298, -0.018754301592707634, 0.004106827545911074, -0.0064715552143752575, 0.03544575721025467, 0.00027122042956762016, -0.009697899222373962, -0.04515623301267624, 0.011056358925998211, -0.042011648416519165, -0.059822577983140945, -0.023861108347773552, 0.018100228160619736, -0.03132006153464317, -0.008521824143826962, 0.02203724905848503, 0.00595898786559701, -0.004150851629674435, -0.014855017885565758, -0.00650929007679224, 0.05408685281872749, 0.004977877251803875, 0.021257391199469566, 0.00769794313237071, -0.02345860004425049, -0.003547091269865632, -0.0426405668258667, 0.02661576308310032, -0.04986053332686424, -0.036527495831251144, 0.019710255786776543, 0.0003979864704888314, -0.025144098326563835, 0.04850207269191742, 0.047344863414764404, -0.026213256642222404, 0.018150541931390762, 0.0005125672905705869, 0.011087805032730103, -0.044527318328619, 0.004392984788864851, 0.015823548659682274, -0.052627768367528915, 0.020766835659742355, 0.03609983250498772, -0.010402285493910313, 0.00440556276589632, 0.043646834790706635, -0.03599920496344566, 0.022817105054855347, -0.029408155009150505, 0.033634476363658905, 0.010282791219651699, -0.025835907086730003, -0.042967602610588074, -0.016339261084794998, -0.036301083862781525, -0.06621237099170685, -0.036150142550468445, 0.003136723069474101, -0.05126930773258209, -0.045432958751916885, -0.023433445021510124, 0.011641251854598522, 0.01177961379289627, -0.019043603911995888, -0.011873951181769371, -0.05018756911158562, -0.018251169472932816, -0.017408419400453568, -0.025068627670407295, -0.004292357712984085, -0.05539500340819359, -0.009421175345778465, -0.007314303889870644, -0.02321961149573326, -0.0017075093928724527, 0.02855282835662365, -0.0385148711502552, 0.017232323065400124, -0.0024810773320496082, 0.03818783536553383, 0.03235148638486862, -0.0781366378068924, -0.07048900425434113, -0.05856474116444588, 0.045206546783447266, 0.008641318418085575, 0.005028190556913614, -0.011395974084734917, 0.022678744047880173, 0.006521868519484997, 0.04070350155234337, -0.0009952610125765204, -0.020125340670347214, 0.0017531058983877301, 0.0016619128873571754, -0.003886706428602338, -0.026087474077939987, -0.0550428070127964, 0.0719480961561203, -0.004440153483301401, -0.014150630682706833, 0.03003707155585289, -0.0309930257499218, 0.03647718206048012, -0.020238546654582024, 0.012584627605974674, -0.013722967356443405, -0.0009292247123084962, 0.00559736043214798, 0.015848705545067787, 0.022892575711011887, -0.022439755499362946, 0.025307616218924522, 0.0031304338481277227, 0.041785240173339844, -0.007358327973634005, 0.027571717277169228, -0.03773501515388489, 0.0366281196475029, 0.020502692088484764, 0.007980955764651299, 0.0041036829352378845, 0.055596254765987396, -0.05313090234994888, 0.022678744047880173, 0.0158738624304533, -0.006855194456875324, 0.03197413682937622, -0.00966645311564207, 0.06158354505896568, 0.019345484673976898, 0.054539673030376434, 0.03687968850135803, 0.003547091269865632, 0.0038709836080670357, -0.033483535051345825, 0.045810308307409286, 0.0037766459863632917, 0.021534115076065063, -0.0059809996746480465, 0.02767234481871128, -0.06601111590862274, -0.02646482363343239, -0.04344557970762253, -0.010974599979817867, 0.018930399790406227, -0.009911730885505676, -0.0023851674050092697, 0.007723099552094936, -0.03438917547464371, -0.03753376007080078, 0.008578427135944366, -0.006251434329897165, 0.0013325177133083344, 0.010723032988607883, 0.02633904106914997, -0.0443260632455349, -0.0013395929709076881, -0.031772881746292114, 0.0113645289093256, 0.015823548659682274, -0.011767035350203514, -0.032376643270254135, -0.015609717927873135, -0.011559492908418179, -0.03469105809926987, 0.05116868019104004, -0.02196177840232849, -0.02477932721376419, 0.0018631663406267762, 0.012006023898720741, 0.006175964139401913, 0.01812538504600525, 0.00309269898571074, 0.01903102546930313, 0.024678699672222137, -0.02025112509727478, 0.039823018014431, -0.01467892061918974, -0.033936355262994766, -0.026364196091890335, -0.021370597183704376, 0.01613800786435604, 0.030766615644097328, 0.016993334516882896, -0.01895555481314659, -0.013333038426935673, 0.03406213968992233, 0.027772970497608185, 0.002242088783532381, -0.03242695704102516, 0.0016760635189712048, -0.03438917547464371, -0.0048615275882184505, 0.01640215329825878, -0.012182120233774185, 0.047722216695547104, -0.021345440298318863, 0.02535792998969555, 0.03818783536553383, 0.07773412764072418, -0.03247727081179619, -0.0385148711502552, -0.042389001697301865, 0.045432958751916885, -0.013471400365233421, -0.005836348980665207, -0.01842726580798626, -0.02721952460706234, 0.0012499723816290498, -0.019898930564522743, -0.03539544343948364, -0.04777253046631813, -0.03516903519630432, -0.012811037711799145, -0.025370508432388306, -0.02223850227892399, 0.00959727168083191, 0.008150762878358364, -0.040376465767621994, -0.0059809996746480465, 0.03620045632123947, -0.0227290578186512, 0.0222636591643095, -0.020314015448093414, 0.033709947019815445, -0.0074463761411607265, 0.05227557197213173, -0.006987266708165407, -0.04915614426136017, 0.017307793721556664, 0.005364661104977131, 0.0082639679312706, -0.03426339477300644, 0.019521581009030342, 0.03718156740069389, -0.04523170366883278, 0.012402241118252277, -0.036527495831251144, 0.01579839363694191, -0.03718156740069389, -0.002084859646856785, -0.023735323920845985, 0.03833877667784691, 0.009100427851080894, -0.02169763296842575, -0.02550886943936348, -0.004399274010211229, -0.07979697734117508, -0.01781092770397663, 0.007924352772533894, -0.006304892245680094, -0.01945868879556656, 0.027169210836291313, -0.07959572225809097, -0.04294244572520256, 0.013873906806111336, -0.011207299306988716, 0.01927001401782036, -0.05423779413104057, -0.0075721596367657185, 0.008760812692344189, -0.044904667884111404, -0.013408508151769638, 0.014553137123584747, 0.040678344666957855, 0.00590867456048727, 0.07778444141149521, 0.08276546746492386, 0.0018710278673097491, -0.024313928559422493, -0.04837628826498985, 0.05665283650159836, 0.008383462205529213, -0.004194875713437796, 0.008383462205529213, 0.006276590749621391, -0.004220032598823309, 0.007647629827260971, 0.03197413682937622, 0.07209903746843338, -0.02988613210618496, 0.04666563495993614, 0.010704166255891323, -0.0007633478962816298, 0.060778532177209854, 0.007987244985997677, -0.0437726154923439, 0.04666563495993614, -0.05665283650159836, -0.059369757771492004, 0.014477667398750782, 0.020301437005400658, 0.02565981075167656, 0.00605332525447011, 0.02025112509727478, 0.02729499340057373, -0.009207343682646751, 0.006050180643796921, -0.0010495050810277462, 0.054992493242025375, 0.009924309328198433, 0.02633904106914997, -0.06309294700622559, 0.007144496310502291, 0.06057727709412575, 0.004754611756652594, -0.05539500340819359, 0.02603716030716896, -0.05036366730928421, -0.008421197533607483, -0.02496800199151039, -0.04404934123158455, 0.018112806603312492, 0.01509400550276041, -0.01086768414825201, 0.08261452615261078, -0.07431282103061676, -0.03826330602169037, 0.0070753153413534164, 0.02633904106914997, 0.012421108782291412, -0.002707487205043435, 0.017609672620892525, -0.004723166115581989, 0.0009072126704268157, 0.031772881746292114, -0.023093828931450844, -0.0036508627235889435, 0.00801240187138319, 0.02706858329474926, 0.037382822483778, -0.005993578117340803, -0.004525057040154934, 0.008075293153524399, 0.014339305460453033, 0.05645158141851425, 0.023659855127334595, -0.03866581246256828, -0.017496468499302864, 0.015672609210014343, 0.014653763733804226, -0.022339127957820892, -0.04299275949597359, 0.006842616014182568, -0.03368479013442993, 0.014414775185286999, -0.06113072484731674, 0.010263923555612564, 0.029760347679257393, 0.06701738387346268, 0.029936445876955986, 0.028301261365413666, 0.023508913815021515, 0.0003968072705902159, 0.01279217004776001, 0.01781092770397663, -0.0018898952985182405, 0.0070312912575900555, 0.050690703094005585, 0.006380361970514059, 0.039345040917396545, -0.046087030321359634, -0.01583612710237503, 0.022087562829256058, 0.0599232017993927, -0.0409550704061985, -0.029860975220799446, 0.027798127382993698, -0.01086768414825201, -0.04563421010971069, -0.03280430659651756, 0.062489185482263565, 0.009094138629734516, 0.008861439302563667, 0.002652456983923912, 0.009257656522095203, 0.014968222938477993, -0.04895489290356636, 0.02915658801794052, 0.07728131115436554, -0.011899108067154884, 0.012773302383720875, -0.005578493233770132, -0.03632624074816704, -0.016452467069029808, 0.0027640897314995527, -0.001454370329156518, -0.012873928993940353, -0.026942800730466843, 0.011886529624462128, 0.050690703094005585, 0.02261585183441639, 0.03152131661772728, 0.03360931947827339, -0.0028914455324411392, -0.017710300162434578, -0.010760768316686153, 0.06535704433917999, -0.00048072836943902075, 0.01937064155936241, -0.012364506721496582, -0.019810883328318596, 0.010943153873085976, 0.0069935559295117855, 0.024640964344143867, -0.03921926021575928, 0.0034936333540827036, -0.026313884183764458, -0.032904934138059616, -0.021030981093645096, -0.0019292025826871395, -0.049583807587623596, -0.004770334810018539, -0.04555873945355415, -0.02759687416255474, -0.009188476018607616, -0.06591049581766129, -0.0012649091659113765, -0.02303093671798706, -0.007069026120007038, 0.016804659739136696, -0.0037609231658279896, -0.0447034128010273, 0.004314369987696409, -0.028527671471238136, -0.020427221432328224, -0.011245034635066986, 0.0030046505853533745, -0.011534336023032665, 0.03227601572871208, 0.0317477248609066, 0.016590828076004982, 0.0018804615829139948, 0.0041036829352378845, -0.006091060116887093, -0.00332697038538754, -0.022112717851996422, 0.04726939648389816, 0.01861594058573246, 0.026238413527607918, -0.017647407948970795, 0.05242651328444481, 0.021370597183704376, -0.008880306966602802, -0.017597096040844917, 0.009559537284076214, -0.004433864261955023, 0.03018801100552082, -0.029030805453658104, 0.005330070853233337, 0.01739584095776081, 0.025068627670407295, 0.02943331189453602, 0.005339504685252905, -0.058615054935216904, 0.004628828261047602, 0.009477777406573296, 0.02505604922771454, -0.02466612122952938, -0.022905154153704643, -0.0599232017993927, 0.010597250424325466, 0.0032923801336437464, -0.05144540220499039, -0.027244681492447853, 0.007987244985997677, -0.002477932721376419, -0.01594933308660984, -0.04397387057542801, 0.012389663606882095, 0.02832641825079918, -0.02870376780629158, 0.006267156917601824, 0.003172885859385133, -2.165586920455098e-05, -0.008603583090007305, -0.002349004615098238, 0.005641384515911341, -0.00771052110940218, 0.028879864141345024, 0.03011254221200943, 0.0023222756572067738, 0.020653631538152695, -0.031496159732341766, 0.012930531986057758, -0.004330093041062355, 0.023282503709197044, -0.0019527870463207364, 0.019207121804356575, -0.014993378892540932, -0.019408375024795532, 0.007333171088248491, 0.026817016303539276, 0.03197413682937622, -0.007930641993880272, -0.0075092678889632225, -0.001734238350763917, 0.003641428891569376, -0.03235148638486862, -0.011075226590037346, -0.032753992825746536, -0.014766968786716461, 0.010785925202071667, -0.04709329828619957, 0.03182319551706314, 0.004021923523396254, 0.020490113645792007, 0.008974644355475903, 0.028276104480028152, -0.013458821922540665, 0.016200900077819824, 0.04369714856147766, 0.02935784123837948, 0.0004921274958178401, -0.020653631538152695, -0.01282990537583828, -0.009113006293773651, -0.014075160026550293, -0.030288638547062874, 0.02988613210618496, -0.016817238181829453, 0.019810883328318596, 0.036150142550468445, 0.004097393713891506, 7.827067747712135e-05, 0.006320614833384752, 0.0069683995097875595, 0.028200633823871613, -0.03328228369355202, 0.00852811336517334, -0.011741878464818, 0.0415085144340992, -0.01720716618001461, 0.0052420226857066154, 0.01914423145353794, -0.018112806603312492, -0.0016147441929206252, -0.008591004647314548, -0.033936355262994766, 0.042690880596637726, -0.03187350928783417, 0.03368479013442993, -0.01279217004776001, -0.02870376780629158, 0.03220054507255554, -0.00028949830448254943, 0.01664114184677601, -0.03061567433178425, 0.005348938517272472, 0.04480404034256935, -0.025760436430573463, -0.010119273327291012, -0.0013427375815808773, 0.040904756635427475, 0.007666497025638819, 0.0020188232883810997, 1.2375660389807308e-06, -0.006320614833384752, -0.0005467646406032145, 0.022854840382933617, -0.03069114498794079, -0.02051527053117752, 0.0010031224228441715, 0.029408155009150505, -0.0271440539509058, 0.011150697246193886, 0.01649020053446293, 0.015546825714409351, -0.022741636261343956, -0.03758407384157181, 0.005842638202011585, 0.022930311039090157, 0.020427221432328224, 0.027395620942115784, 0.016075115650892258, -0.00806900393217802, -0.0018175698351114988, -0.008276546373963356, 0.002605288289487362, 0.0055281794629991055, -0.0426405668258667, 0.011804770678281784, 0.0370054729282856, -0.01279217004776001, -0.0044715991243720055, -0.022892575711011887, -0.10324300080537796, -0.022288816049695015, -0.025370508432388306, 0.00881112553179264, -0.02094293385744095, -0.037936266511678696, 0.0008624023175798357, -0.02036432921886444, 0.0006808025646023452, 0.05770941451191902, 0.008477799594402313, 0.011169563978910446, 0.047571275383234024, -0.018678832799196243, 0.009779658168554306, 0.009848838672041893, 0.027043426409363747, -0.013421086594462395, 0.016037380322813988, 0.05398622900247574, -0.016049958765506744, -0.008980933576822281, 0.01025763526558876, -0.025571761652827263, -0.023659855127334595, 0.03121943585574627, -0.0033992959652096033, -0.03091755509376526, 0.027420777827501297, -0.02265358716249466, 0.01205004844814539, -0.000981110380962491, 0.016314104199409485, -0.013634918257594109, 0.014050004072487354, -0.006855194456875324, 0.017156854271888733, -0.038238149136304855, 0.004468454513698816, -0.026515137404203415, 0.0025785593315958977, -0.01353429164737463, -0.034364018589258194, -0.011012335307896137, 0.022829683497548103, -0.015370729379355907, 0.009320548735558987, -0.008157052099704742, 0.02124481275677681, -0.04407449811697006, -0.012943110428750515, 0.03197413682937622, 0.010987178422510624, -0.01724490150809288, 0.018301481381058693, 0.046841733157634735, -0.0016650574980303645, -0.01229532528668642, -0.01754678227007389, -0.025760436430573463, 0.027345307171344757, 0.0019842328038066626, 0.07506752014160156, -0.013546870090067387, 0.017031069844961166, -0.01842726580798626, 0.011565782129764557, 0.006999845150858164, -0.015081427991390228, 0.0030722590163350105, -0.015861283987760544, -0.01994924433529377, 0.0037955136504024267, 0.025257302448153496, -0.0038835618179291487, 0.037433136254549026, -0.08336922526359558, 0.009873995557427406, -0.022175610065460205, 0.0317477248609066, -0.012823616154491901, -0.0360746756196022, -0.009433753788471222, -0.02101840265095234, -0.02043979987502098, -0.011729300022125244, 0.008496667258441448, -0.020766835659742355, -0.04508076608181, 0.007119339425116777, -0.033936355262994766, 0.006760856602340937, -9.016113472171128e-05, -0.015018535777926445, 0.03574763610959053, 0.02105613797903061, 0.010873973369598389, -0.00904382485896349, -0.025534026324748993, 0.00980481505393982, 0.018628519028425217, 0.0039747548289597034, 0.02638935297727585, -0.04845175892114639, 0.027093740180134773, 0.017685143277049065, -0.005977855063974857, -0.019672520458698273, -0.006729410961270332, -0.03293009102344513, 0.0014095599763095379, -0.006609916687011719, 0.0307163018733263, 0.0017562505090609193, 0.03114396519958973, 0.033030714839696884, -0.00031779956771060824, -0.00035160387051291764, -0.011439998634159565, 0.0028427045326679945, -0.006892929319292307, 0.04830081760883331, 0.0020864319521933794, -0.03461558744311333, -0.016540514305233955, -0.003047102363780141, 0.0024716435000300407, 0.015559404157102108, -0.004499900620430708, 0.019597051665186882, -0.016628563404083252, 0.03277914971113205, -0.012307903729379177, -0.014288992621004581, -0.023232189938426018, 0.0014095599763095379, 0.01927001401782036, -0.03655265271663666, -0.01903102546930313, 0.010521779768168926, 0.03491746634244919, -0.005814336705952883, 0.011697854846715927, 0.012722989544272423, 0.004930708557367325, 0.01903102546930313, -0.007370906416326761, -0.006169674918055534, -0.004160285461694002, 0.020376907661557198, 0.0366281196475029, 0.02470385655760765, 0.021483801305294037, 0.008993512019515038, -0.008735655806958675, 0.023534070700407028, -0.021446065977215767, -0.030087385326623917, 0.02958425134420395, 0.013622340746223927, 0.0015526385977864265, -0.00875452347099781, 0.036829374730587006, -0.005047058220952749, 0.01021989993751049, -0.004694864619523287, -0.023810794577002525, 0.010075248777866364, -0.01542104221880436, -0.02113160863518715, 0.0026901920791715384, 0.017836082726716995, -0.005411829799413681, 0.0663129985332489, 0.01532041560858488, -0.0020549860782921314, -0.007081604562699795, -0.004616250284016132, 0.01820085570216179, 0.032074760645627975, 0.0037137544713914394, -0.003751489333808422, -0.013949377462267876, 0.0010471466230228543, 0.03041442111134529, -0.0004885898088105023, 0.002880439395084977, 0.01660340651869774, 0.008175919763743877, -0.005543902516365051, -0.0007220752304419875, 0.002501517068594694, -0.008194787427783012, -0.0012515446869656444, -0.0023301371838897467, -0.013521713204681873, 0.03064083121716976, -0.013597183860838413, -0.013270147144794464, -0.007414930500090122, 0.03891737759113312, -0.0071004717610776424, -0.014502824284136295, -0.00468228617683053, 0.03811236470937729, 0.009710476733744144, 0.018716568127274513, -0.005540757905691862, -0.009622428566217422, 0.03376026079058647, 0.0049684434197843075, 0.016666298732161522, -0.01649020053446293, 0.0237604808062315, 0.00555019173771143, 0.014024847187101841, -0.012930531986057758, -0.0006937739672139287, 0.00564452912658453, 0.029785504564642906, -0.013974533416330814, 0.023609541356563568, 0.0031901809852570295, 0.007836304605007172, 0.027772970497608185, -0.0019339194986969233, -0.002383595099672675, 0.016238635405898094, 0.03368479013442993, 0.023118985816836357, -0.028351575136184692, 0.0227290578186512, -9.625376696931198e-05, 0.019974401220679283, 0.018477579578757286, 0.06419983506202698, -0.010968310758471489, 0.025194412097334862, 0.006223132833838463, 0.045131076127290726, -0.011773324571549892, -0.01891782134771347, -0.0188800860196352, -0.011112961918115616, -0.01743357628583908, 0.025269880890846252, -0.022024670615792274, -0.008018690161406994, 0.019056182354688644, 0.025596918538212776, 0.012968266382813454, 0.007955798879265785, 0.003124144859611988, 0.01513174083083868, -0.01987377367913723, -0.0069935559295117855, 0.011754456907510757, -0.002320703351870179, -0.026817016303539276, -0.008458932861685753, 0.017031069844961166, -0.026162942871451378, 0.011496600694954395, -0.009603560902178288, -0.000664293474983424, 0.040376465767621994, -0.018892664462327957, -0.02094293385744095, 0.007955798879265785, 0.07793538272380829, 0.012037470005452633, 0.029332684352993965, 0.05564656853675842, 0.01937064155936241, 0.009370861575007439, 0.045432958751916885, -0.012037470005452633, 0.017836082726716995, -0.04347073659300804, 0.03705578297376633, 0.03725703805685043, 0.03446464613080025, 0.0017326660454273224, 0.05303027480840683, -0.005509312264621258, -0.017420997843146324, 0.02862829715013504, 0.0025895654689520597, 0.01861594058573246, 0.015257524326443672, 0.003026662627235055, 0.02028886042535305, 0.007207387592643499, -0.013408508151769638, -0.008773391135036945, -0.006380361970514059, 0.010458888486027718, -0.027320150285959244, -0.007452665362507105, -0.0013167947763577104, -0.0033238257747143507, 0.024162987247109413, 0.003188608679920435, 0.03921926021575928, -0.000591181917116046, 0.02744593471288681, -0.0038646943867206573, 0.012678964994847775, -0.011465155519545078, 0.00949664507061243, 0.015509091317653656, 0.0006843401934020221, -0.022326549515128136, 0.01613800786435604, -0.03255273774266243, -0.01927001401782036, 0.005163407884538174, -0.0377601720392704, -0.02958425134420395, 0.012867639772593975, -0.05237619951367378, 0.007653918582946062, -0.0061539518646895885, 0.008911753073334694, -0.026137785986065865, -0.039118632674217224, -0.0005514814984053373, 0.009150740690529346, 0.031194278970360756, 0.017194587737321854, -0.01564745232462883, -0.01797444559633732, 0.002314414130523801, 0.003361560869961977, 0.011163274757564068, 0.006609916687011719, 0.025785593315958977, -0.023056093603372574, 0.012251301668584347, -0.007804858963936567, -0.054187480360269547, -0.01979830488562584, 0.013911642134189606, -0.006710543297231197, -0.0005876442301087081, -0.0038206703029572964, 0.018779458478093147, -0.002899307059124112, -0.017836082726716995, -0.0020942932460457087, 0.01876688003540039, -0.022137874737381935, -0.0044904667884111404, 0.021483801305294037, -0.011075226590037346, 0.027848441153764725, -0.022100139409303665, 0.0029338973108679056, -0.011540625244379044, 0.04492982476949692, -0.0021807693410664797, -0.012307903729379177, 0.01103749219328165, -0.02177310362458229, -0.013370773755013943, 0.006364638917148113, -0.007962088100612164, -0.019672520458698273, 0.0011131829814985394, 0.025861063972115517, -0.004037646576762199, 0.025445979088544846, 0.008723077364265919, 0.0167166106402874, -0.021119030192494392, 0.024276193231344223, 0.0022955466993153095, -0.01960963010787964, -0.006936953403055668, 0.014829861000180244, 0.008125606924295425, -0.022892575711011887, 0.009603560902178288, -0.006352060940116644, 0.002510950667783618, -0.02759687416255474, 0.022175610065460205, -0.003720043459907174, -0.005594215821474791, -0.002121022203937173, -0.014754390344023705, -0.013559448532760143, 0.001300285686738789, -0.00784259382635355, -0.011050069704651833, -0.0021194498986005783, 0.04145820438861847, -0.008471510373055935, 0.04510591924190521, 0.02581075020134449, -0.0014779547927901149, 0.02220076695084572, 0.018603362143039703, 0.016049958765506744, 0.00042058818507939577, 0.017257479950785637, 0.012320482172071934, 0.005298625212162733, -0.028905021026730537, -0.0024527760688215494, 0.050841644406318665, 0.014402197673916817, -0.022678744047880173, 0.016163164749741554, -0.012905375100672245, 0.0037326219025999308, -0.02177310362458229, 0.022527804598212242, -4.3410007492639124e-05, 0.013131785206496716, 0.020880041643977165, -0.004918130114674568, 0.00881112553179264, -0.010553225874900818, 0.011502889916300774, -0.014112895354628563, -0.017270058393478394, 0.004314369987696409, 0.019018447026610374, -0.012037470005452633, -0.009207343682646751, -0.008968355134129524, -0.03204960748553276, 0.023886265233159065, -0.032753992825746536, 0.022477490827441216, 0.03164709731936455, 0.03411245346069336, -0.007314303889870644, -0.010339394211769104, -0.0045565031468868256, 0.00610049394890666, 0.012572049163281918, -0.003348982660099864, 0.028427043929696083, 0.008666475303471088, -0.028150320053100586, -0.0007892907015047967, 0.07773412764072418, -0.02973519079387188, 0.01379843708127737, 0.013785858638584614, 0.016968177631497383, -0.042313531041145325, -0.019383220002055168, -0.015848705545067787, -0.0349426232278347, -0.03240180015563965, -0.006075337529182434, 0.029055960476398468, -0.0006446398328989744, 0.05745784938335419, -0.02105613797903061, -0.0031980425119400024, -0.010333104990422726, 0.0004402418271638453, -0.02481706067919731, -0.02950878068804741, 0.0349426232278347, -0.015119162388145924, -0.0016933587612584233, 0.01777319237589836, 0.01509400550276041, -0.036527495831251144, 0.033785417675971985, 0.013811015523970127, -0.0026414510793983936, -0.004481032956391573, 0.024716435000300407, -0.012433687224984169, 0.06701738387346268, 0.001268839812837541, -0.016049958765506744, -0.0028521381318569183, -0.002731071785092354, -0.022678744047880173, 0.02436424046754837, -0.03064083121716976, -0.005685409065335989, 0.04243931174278259, 0.023307660594582558, 0.03567216545343399, -0.004336382262408733, -0.008980933576822281, 0.015144319273531437, -0.010446310043334961, -0.007352038752287626, -0.010477756150066853, -0.0015990212559700012, -0.014729234389960766, -0.007559581194072962, -0.021005824208259583, -0.013068892993032932, -0.016125429421663284, -0.018075071275234222, 0.02928237058222294, 0.00010003709758166224, -0.0011053214548155665, -0.008257678709924221, -0.013370773755013943, 0.025571761652827263, -0.007584738079458475, -0.014037425629794598, -0.016414731740951538, -0.03856518492102623, 0.02066620998084545, 0.011729300022125244, -0.025332773104310036, -0.009351994842290878, 0.03791110962629318, 0.03818783536553383, 0.0007020285120233893, 0.010723032988607883, 0.008899174630641937, -0.006729410961270332, -0.025521447882056236, 0.014062582515180111, 0.026213256642222404, 0.00830170325934887, -0.0064526875503361225, -0.024238457903265953, -0.0021493234671652317, -0.012653808109462261, -0.018439844250679016, 0.005899240728467703, 0.0011886529391631484, -0.0018301481613889337, 0.005119383800774813, -0.024238457903265953, 0.0010903846705332398, 0.027622031047940254, 0.02945846877992153, 0.01927001401782036, -0.016200900077819824, -0.024980580434203148, 0.030816929414868355, -0.010068959556519985, -0.02147122286260128, 0.01284877210855484, 0.031018182635307312, 0.026213256642222404, 0.012672675773501396, 0.024766748771071434, -0.0006713687907904387, -0.007276568561792374, -0.016540514305233955, 0.007679075468331575, -0.05162150040268898, -0.0035408022813498974, 0.016087694093585014, -0.018829772248864174, -0.00592125253751874, -0.013068892993032932, 0.012905375100672245, 0.0006297030486166477, -0.011546914465725422, -0.00019525905372574925, -0.04279150813817978, 0.019483845680952072, 0.03599920496344566, -0.04495498165488243, 0.010201032273471355, 0.0013144363183528185, 0.013987111859023571, -0.006131940055638552, -0.024955423548817635, 0.02513151988387108, 0.01739584095776081, 0.009911730885505676, 0.029106274247169495, 0.03388604149222374, 0.006336337886750698, -0.009163319133222103, -0.003767212387174368, -0.010446310043334961, -0.005330070853233337, 0.007716810330748558, -0.022791948169469833, -0.04880395159125328, 0.043495893478393555, -0.007836304605007172, 0.01910649612545967, 0.0052671791054308414, 0.015773236751556396, -0.022754214704036713, -0.013660075142979622, -0.00769794313237071, -0.002427619183436036, 0.01027650199830532, 0.02132028341293335, -0.011452577076852322, 0.0002737753966357559, 0.01735810749232769, -0.0415085144340992, 0.03272883594036102, -0.012018602341413498, -0.00012440762657206506, 0.01594933308660984, -0.017307793721556664, 0.0036917421966791153, -0.06223761662840843, 0.00047365305363200605, -0.008685342967510223, -0.0008749806438572705, -0.008955776691436768, 0.006094204727560282, 0.009106717072427273, -0.008572137914597988, -0.024125251919031143, 0.009163319133222103, 0.0015321988612413406, 0.017383262515068054, 0.0046885753981769085, -0.004553358536213636, -0.0022200767416507006, 0.020565582439303398, -0.02466612122952938, -0.023810794577002525, 0.0207542572170496, 0.021911464631557465, -0.02222592383623123, -0.012641229666769505, 0.00416971929371357, 0.03061567433178425, -0.005575348623096943, -0.010716743767261505, 0.003058108501136303, -0.019823461771011353, 0.04407449811697006, 0.007861461490392685, 0.02729499340057373, 0.0006135870353318751, 0.017521625384688377, 0.005433842074126005, -0.015182054601609707, 0.036301083862781525, 0.03718156740069389, 0.04103054106235504, 0.02242717705667019, 0.0034118741750717163, -0.036301083862781525, 0.0030958435963839293, -0.0016257502138614655, 0.025861063972115517, -0.0006501428433693945, -0.018666254356503487, 0.01914423145353794, 0.0036791639868170023, -0.007949509657919407, -0.023659855127334595, 0.0038238149136304855, 0.0103771286085248, -0.02443971112370491, 0.0025958544574677944, 0.010157007724046707, 0.026590606197714806, 0.02391142025589943, -0.04072865843772888, 0.02505604922771454, 0.0033395488280802965, 0.011968288570642471, -0.050690703094005585, 0.030590519309043884, 0.0021744801197201014, 0.02539566531777382, -0.010201032273471355, 0.015672609210014343, -0.00013177774962969124, 0.06852678954601288, -0.008502956479787827, -0.03567216545343399, 0.02165989764034748, -0.002581703942269087, -0.011672697961330414, -0.040904756635427475, -0.013861328363418579, -0.039797861129045486, 0.0031382953748106956, 0.01064127404242754, -0.007326881866902113, 0.043722305446863174, -0.036376554518938065, 0.027496246621012688, -0.010169586166739464, 0.005436986684799194, 0.001860021729953587, -0.019823461771011353, 0.016892708837985992, 0.006276590749621391, -0.017370685935020447, 0.033785417675971985, -0.001781407161615789, 0.01643988862633705, -0.032376643270254135, 0.02284226194024086, -0.006031312979757786, -0.01762225106358528, -0.02062847465276718, 0.005506167653948069, 0.01576065830886364, 0.013597183860838413, 0.02847735770046711, -0.005157118663191795, 0.031169122084975243, 0.012024891562759876, -0.023043515160679817, -0.03499293699860573, 0.0232950821518898, -0.00454078009352088, -0.009980911388993263, 0.029835818335413933, 0.00569169782102108, 0.03265336528420448, 0.015005957335233688, 0.00769794313237071, 0.001773545634932816, 0.0010471466230228543, -0.021936621516942978, -0.01305631548166275, -0.011050069704651833, 0.005380384158343077, 0.012119228951632977, -0.027244681492447853, 0.028200633823871613, 0.011748167686164379, 0.027571717277169228, 0.011163274757564068, 0.026867330074310303, 0.06953305006027222, 0.03836392983794212, -0.00204083533026278, -0.006936953403055668, -0.005355227272957563, -0.01464118529111147, -0.0112701915204525, 0.004858382977545261, -0.013987111859023571, -0.0017216600244864821, -0.016993334516882896, -0.004921274725347757, 0.027244681492447853, -0.02596168965101242, 0.026590606197714806, 0.0075910273008048534, 0.013031158596277237, 0.010741900652647018, -0.012716700322926044, 0.017068805173039436, 0.006572181824594736, 0.0061916871927678585, -0.004226321820169687, -0.025068627670407295, 0.0443260632455349, 0.020314015448093414, -0.014590872451663017, 0.02040206454694271, -0.0040407911874353886, -0.013081471435725689, -0.007779702078551054, 0.03345837816596031, 0.01090541947633028, 0.005408685654401779, 0.011823638342320919, 0.010068959556519985, -0.000941803096793592, -0.008345727808773518, -0.022905154153704643, -0.01698075607419014, 0.04633859917521477, 0.03579794988036156, 0.03484199568629265, -0.01539588626474142, 0.02485479600727558, 0.0002714169677346945, 0.04480404034256935, -0.009433753788471222, 0.040904756635427475, -0.00769794313237071, 0.01842726580798626, -0.008408619090914726, -0.009616139344871044, -0.008880306966602802, -0.02596168965101242, 0.014792125672101974, -0.0046193948946893215, 0.01880461536347866, 0.021559271961450577, -0.011043781414628029, 0.021760525181889534, 0.041282106190919876, -0.0024842217098921537, 0.026288727298378944, -0.026640919968485832, 0.011081515811383724, 0.015848705545067787, -0.012395951896905899, 0.009509223513305187, 0.021219655871391296, -0.01640215329825878, -0.006166530307382345, 0.0043206592090427876, 0.011987156234681606, -0.0010015502339228988, 0.011477733962237835, -0.06470297276973724, -0.02218818850815296, -0.014377040788531303, 0.009892863221466541, 0.01797444559633732, 0.008125606924295425, 0.03197413682937622, -0.006635073572397232, 0.002905596047639847, -0.000614766264334321, 0.012823616154491901, 0.009502934291958809, -0.009370861575007439, -0.03159678727388382, 0.02596168965101242, -0.004914985504001379, 0.025986846536397934, 0.0005377239431254566, 0.012722989544272423, -0.001044002128764987, 0.0053332154639065266, 0.018817193806171417, 0.017634829506278038], "3549011f-8621-461a-8d53-00df3e0ba5cb": [0.011617879383265972, 0.003536563366651535, 0.06599056720733643, 0.03499269858002663, 0.007111052051186562, -0.020517755299806595, 0.03175637871026993, -0.029581977054476738, -0.030011801049113274, 0.05784919857978821, -0.024853916838765144, -0.05092145502567291, -0.03800146281719208, 0.003625056240707636, 0.025726206600666046, 0.0013582109240815043, -0.026016969233751297, 0.015397798269987106, -0.02442409284412861, 0.02118777483701706, 0.03807731345295906, 0.029531409963965416, 0.05516912415623665, 0.0006467106868512928, 0.009942831471562386, -0.012521772645413876, 0.00015772708866279572, 0.0296072605997324, -0.042021576315164566, -0.04599112644791603, -0.018406562507152557, -0.02064417488873005, -0.009348663501441479, -0.00912110973149538, -0.011219659820199013, -0.02063153311610222, -0.002774890512228012, -0.010410579852759838, -0.009980756789445877, 0.001834651455283165, -0.012483847327530384, -0.02912686951458454, 0.021288909018039703, -0.007003596052527428, 0.011048994958400726, 0.030239354819059372, -0.06563659012317657, -0.04032756760716438, -0.02581469900906086, 0.019177718088030815, -0.06275424361228943, 0.023716149851679802, 0.0006613278528675437, -0.020479829981923103, 0.024929769337177277, -0.00963942613452673, -0.014437016099691391, 0.04108607769012451, 0.027382291853427887, -0.009797449223697186, 0.00023743012570776045, -0.02417125552892685, 0.00360609358176589, 0.0571412555873394, 0.004649047739803791, -0.003106739604845643, -0.024537870660424232, 0.03769805654883385, -0.0018235897878184915, 0.007616727147251368, 0.0072185080498456955, 0.03069446049630642, 0.016093101352453232, -0.012414316646754742, -0.026699630543589592, 0.005059908609837294, -0.008008625358343124, -0.016788404434919357, 0.010625491850078106, -0.00400747312232852, -0.010037644766271114, -0.0128947077319026, -0.0527418851852417, -0.005271660163998604, 0.02932913973927498, 0.03529610112309456, -0.03582705929875374, -0.0314529724419117, -0.010220952332019806, -0.07392966002225876, 0.0014917406952008605, 0.018343353644013405, 0.008539583534002304, 0.05074446648359299, 0.05059276521205902, -0.018444489687681198, 0.003054591827094555, 0.011257586069405079, -0.01735728792846203, 0.03896224498748779, 0.04278009012341499, -0.05648387596011162, 0.013766996562480927, -0.037141814827919006, 0.03827958181500435, -0.02991066500544548, 0.015663277357816696, 0.012869424186646938, 0.019632825627923012, -0.019696034491062164, -0.10427014529705048, -0.004541591741144657, -0.01533458847552538, 0.012547056190669537, 0.05243847891688347, -0.0032710840459913015, -0.006415749434381723, -0.04399370774626732, -0.00802758801728487, -0.060478709638118744, -0.05648387596011162, -0.032464321702718735, 0.015536858700215816, -0.03959433734416962, -0.0059258765541017056, 0.02443673461675644, -0.006965670734643936, 0.0077747502364218235, -0.03314698487520218, -0.01581498049199581, 0.04159175232052803, 0.021832510828971863, 0.025195248425006866, 0.004832354839891195, -0.01986037753522396, 0.012306860648095608, -0.049050457775592804, 0.04002416133880615, -0.04262838885188103, -0.02910158596932888, 0.017218228429555893, -0.003498637583106756, -0.026193955913186073, 0.007389173377305269, 0.0011693730484694242, -0.044195979833602905, -0.024360883980989456, -0.02477806620299816, -0.021883077919483185, -0.029000449925661087, 0.0037894006818532944, 0.004291914869099855, -0.05334869399666786, -0.014095685444772243, 0.013223396614193916, 0.015878189355134964, 0.038785260170698166, 0.050188224762678146, -0.011706371791660786, 0.03471457585692406, -0.028166087344288826, 0.020012080669403076, 0.008830346167087555, -0.021314194425940514, -0.02231290191411972, -0.022717440500855446, -0.026219239458441734, -0.05592763423919678, -0.03949320316314697, 0.043058209121227264, -0.03456287458539009, -0.012970559298992157, -0.029480841010808945, 0.001796725788153708, -0.0016987513517960906, -0.020859086886048317, -0.013855489902198315, -0.06351275742053986, -0.02609281986951828, 0.0010737688280642033, -0.001980033004656434, 0.02849477529525757, -0.030112935230135918, 0.009468761272728443, -0.005862667225301266, -0.013868131674826145, -0.002425658982247114, 0.02472749911248684, -0.04164231941103935, 0.01018934790045023, -0.006795005407184362, 0.012003456242382526, 0.004219224210828543, -0.06275424361228943, -0.06851893663406372, -0.03911394625902176, 0.03893696144223213, 0.013716429471969604, -0.0014040376991033554, -0.03974604234099388, 0.042855940759181976, 0.014854197390377522, 0.03749578818678856, -0.0010903612710535526, -0.034916847944259644, -0.004851317964494228, 0.00454791309311986, 0.0031462456099689007, -0.02039133757352829, -0.052893586456775665, 0.062147434800863266, -0.024348242208361626, -0.00023012154269963503, 0.06386672705411911, -0.0615406259894371, 0.05521969124674797, -0.0527418851852417, -0.002428819425404072, -0.020037364214658737, 0.005884790793061256, 0.01876053586602211, -0.01060652919113636, 0.03393077850341797, -0.017837679013609886, 0.009114788845181465, 0.015536858700215816, 0.024070121347904205, -0.0217440165579319, 0.05466344952583313, -0.023855209350585938, 0.01681368798017502, 0.012395353987812996, -0.02768569625914097, -0.030416339635849, 0.04758400097489357, -0.040125295519828796, 0.052893586456775665, -0.009102147072553635, -0.03350095823407173, 0.003628216916695237, -0.0027875325176864862, 0.03049219213426113, 0.024613721296191216, 0.059113387018442154, 0.02069474197924137, -0.03542252257466316, 0.0005985135794617236, -0.059922464191913605, 0.08687493205070496, 0.0003865647013299167, 0.0058753094635903835, -0.007743145804852247, -0.0003984164504799992, -0.04381672292947769, -0.03408248350024223, -0.052084505558013916, -0.028115520253777504, 0.018444489687681198, -0.024411451071500778, -0.0408332422375679, -0.01634593866765499, -0.02552393637597561, -0.03721766546368599, -0.0027559278532862663, 0.007989661768078804, 0.007806355133652687, 0.004408852197229862, 0.03324811905622482, -0.03241375461220741, -0.04735644534230232, -0.05279245227575302, 0.04899989068508148, 0.000767203513532877, -0.026724914088845253, -0.030517475679516792, 0.0033437747042626143, -0.03370322659611702, -0.02094757929444313, 0.019645467400550842, -0.01795145682990551, 0.01156099047511816, -0.011080599389970303, -0.0019405271159484982, 0.013349815271794796, 0.027003034949302673, -0.009677351452410221, 0.025776773691177368, 0.006826609838753939, 0.0025647194124758244, 0.02988538146018982, 0.004822873510420322, -0.06123721972107887, -0.025435443967580795, 0.026295090094208717, 0.01442437432706356, 0.03607989847660065, 0.025435443967580795, -0.0160804595798254, 0.009152714163064957, 0.04467637091875076, 0.017256153747439384, 0.0017919851234182715, -0.02606753632426262, 0.00034903414780274034, 0.010631812736392021, -0.003384860698133707, -0.01534723024815321, -7.303643360501155e-05, 0.0543600432574749, -0.05023879185318947, 0.026699630543589592, 0.04439824819564819, 0.05033992975950241, -0.04953084886074066, -0.026472076773643494, -0.04508091136813164, 0.029809530824422836, -0.021288909018039703, -0.015359872952103615, 0.001214409712702036, -0.03676255792379379, -0.015865547582507133, -0.02395634353160858, -0.026042252779006958, -0.03752107173204422, -0.05028935894370079, 0.0287981815636158, -0.01712973415851593, -0.018292786553502083, -0.004506826866418123, 0.04015057906508446, -0.025068828836083412, -0.03453759104013443, 0.016687268391251564, 0.009645747020840645, 0.02066945843398571, -0.013741713017225266, -0.013552085496485233, -0.03969547152519226, 0.056686148047447205, -0.00016177643556147814, -0.04219856485724449, -0.0026863974053412676, 0.010233594104647636, -0.005878469906747341, -0.038734689354896545, 0.04169289022684097, 0.039265651255846024, -0.04159175232052803, 0.024285033345222473, -0.0196075402200222, 0.0440695621073246, -0.05405663698911667, 0.02905101887881756, -0.0007739195134490728, -0.010796157643198967, -0.002645311411470175, -0.052590180188417435, -0.04300764203071594, 0.01264187041670084, -0.05304528772830963, -0.016712551936507225, 0.014727778732776642, 0.003960066009312868, 0.012534414418041706, 0.036307450383901596, -0.09289246052503586, -0.06472637504339218, 0.005590867251157761, -0.0015968262450769544, 0.024613721296191216, -0.06513091921806335, 0.013766996562480927, -0.00377675867639482, -0.01980981044471264, 0.013703787699341774, 0.029708394780755043, -0.0007103150710463524, -0.01736992970108986, 0.04948028177022934, 0.05299472063779831, 0.001196236931718886, -0.026800764724612236, -0.08293066918849945, 0.021301550790667534, 0.01822957769036293, -0.007079447619616985, 0.0002925407898146659, -0.0026863974053412676, -0.007831638678908348, -0.0054928925819695, 0.029758963733911514, 0.04449938237667084, -0.015688560903072357, 0.035498373210430145, -0.006027011666446924, 0.008210894651710987, 0.03016350232064724, 0.019759243354201317, -0.023792000487446785, 0.03016350232064724, -0.08100910484790802, -0.06604113429784775, 0.01824221946299076, 0.025094112381339073, 0.032514892518520355, -0.03150353953242302, 0.024626363068819046, 0.026295090094208717, -0.030011801049113274, 0.008438448421657085, -0.019708676263689995, 0.0539049357175827, 0.011346078477799892, 0.034891560673713684, -0.046345096081495285, -0.012799893505871296, 0.06118665263056755, 0.04222384840250015, -0.0680132657289505, -0.0007782651227898896, -0.037647489458322525, -0.02720530517399311, -0.018672043457627296, -0.06123721972107887, 0.027660412713885307, 0.007559838704764843, -0.027357008308172226, 0.034638725221157074, -0.08293066918849945, -0.01898808963596821, -0.009051579050719738, 0.043892573565244675, 0.033829644322395325, -0.019771885126829147, 0.024803349748253822, -0.003046690719202161, 0.0287981815636158, 0.0386335551738739, -0.004886082839220762, 0.00542968325316906, 0.015852905809879303, 0.006191356107592583, 0.015321946702897549, -0.02745814248919487, -0.02010057307779789, -0.012281577102839947, -0.0028791860677301884, 0.042805373668670654, 0.04412012919783592, -0.04535903036594391, -0.02232554368674755, -0.004045398440212011, 0.027938533574342728, 0.00735124759376049, -0.003675623796880245, 0.028874032199382782, -0.05056748166680336, 0.000874659395776689, -0.045030344277620316, 0.010366333648562431, 0.011055315844714642, 0.04793797433376312, 0.02121305838227272, 0.017332004383206367, 0.027837399393320084, 0.006813968066126108, -0.0014862099196761847, 0.022654231637716293, 0.01060652919113636, 0.015043825842440128, 0.05511855334043503, -0.00741445692256093, 0.04540959745645523, -0.09653332084417343, -0.018886953592300415, 0.02097286283969879, 0.028924599289894104, -0.019493764266371727, -0.05845600739121437, 0.03590291365981102, 0.005872149020433426, -0.045536018908023834, -0.0017935653449967504, 0.028115520253777504, 0.0010777194984257221, 0.03529610112309456, 0.027028318494558334, -0.011301832273602486, 0.003337453817948699, -0.03352624177932739, 0.0255618616938591, 0.04323519766330719, -0.012212046422064304, 0.042805373668670654, -0.007534554693847895, -0.049834251403808594, -0.024259749799966812, 0.007294359151273966, 0.0035112795885652304, -0.014626643620431423, -0.028621194884181023, 0.011055315844714642, 0.05284301936626434, 0.01685161329805851, 0.04543488100171089, 0.027862682938575745, -0.02611810341477394, -0.009253849275410175, -0.03188279643654823, 0.04017586261034012, 0.027862682938575745, 0.006883498281240463, -0.013501517474651337, 0.0070668053813278675, 0.016206877306103706, 0.03312170132994652, 0.020593607798218727, -0.042501967400312424, -0.021036071702837944, -0.020201709121465683, -0.00817929022014141, -0.007035200949758291, 0.014007192105054855, -0.005859506782144308, 0.01073294784873724, -0.030542759224772453, -0.012496489100158215, -0.0011480398243293166, -0.06401842832565308, 0.005287462379783392, -0.016396505758166313, 0.009253849275410175, 0.01710445061326027, -0.00741445692256093, -0.03822901472449303, 0.008754495531320572, -0.023273684084415436, -0.0066622658632695675, -0.0068392520770430565, 0.013021126389503479, -0.015524216927587986, 0.0423249825835228, 0.01467721164226532, 0.0034164655953645706, -0.006719154305756092, -0.002057464327663183, -0.011365041136741638, 0.012281577102839947, -0.012325823307037354, 0.011308153159916401, 0.002382992533966899, 0.0555230937898159, -0.015878189355134964, 0.06983369588851929, 0.03972075507044792, -0.015461007133126259, -0.009456119500100613, -0.016371222212910652, -0.011131166480481625, 0.026547927409410477, -0.03178166225552559, 0.021061355248093605, -0.016750479117035866, 0.01262922864407301, 0.05542195960879326, -0.012679795734584332, -0.013286605477333069, -0.003546044696122408, -0.00025224481942132115, 0.049910105764865875, -0.028140803799033165, -0.020795876160264015, -0.06897404789924622, -0.021250983700156212, -0.0030782953836023808, -0.0619957335293293, -0.02283121831715107, 0.006915103178471327, 0.013577369041740894, -0.020998146384954453, -0.034638725221157074, 0.027887966483831406, 0.020517755299806595, -8.187586354324594e-05, -0.01510703470557928, -0.001995835220441222, 0.008274104446172714, 0.006124986335635185, -0.005748890805989504, 0.0023308447562158108, -0.01495533250272274, 0.03370322659611702, 0.05213507264852524, -0.008925160393118858, 0.0015178145840764046, -0.05001123994588852, 0.003568168031051755, -0.01235110778361559, 0.02745814248919487, 0.022097989916801453, 0.0011749038239941, -0.01604253426194191, 0.0007853761781007051, -0.0034164655953645706, -0.005047266837209463, 0.014310597442090511, -0.03418361768126488, 0.0001884428784251213, 0.0021791423205286264, 0.014866839163005352, -0.02745814248919487, -0.021276267245411873, -0.002465164754539728, 0.0048924037255346775, 0.02557450346648693, -0.014083043672144413, 0.017989382147789, -0.0021538587752729654, 0.01577705517411232, 0.015461007133126259, 0.01743313856422901, 0.012957917526364326, 0.04682548716664314, 0.04697719216346741, 0.02366558089852333, -0.01466456986963749, -0.006801326293498278, -0.009285453706979752, -0.010499073192477226, -0.014778346754610538, -0.012970559298992157, 0.04682548716664314, -0.036307450383901596, 0.010657097212970257, 0.02396898716688156, -0.003963226452469826, 0.009285453706979752, 0.010650775395333767, -0.0013929761480540037, 0.0034670329187065363, -0.018103158101439476, 0.04341218248009682, -0.005812100134789944, 0.04078267514705658, -0.017825037240982056, 0.004857638850808144, 0.020024722442030907, -0.0301887858659029, -0.032767727971076965, 0.013286605477333069, -0.02824193798005581, 0.0424514003098011, -0.008779779076576233, 0.03565007448196411, -0.02120041660964489, 0.010006040334701538, 0.021971570327878, -0.030643893405795097, -0.009898584336042404, -0.03208506852388382, 0.02226233296096325, 0.010511714965105057, -0.008451090194284916, -0.008975728414952755, -0.010094533674418926, 0.023058772087097168, 0.008830346167087555, 0.021276267245411873, 0.027078885585069656, 0.00101767061278224, 0.0037799193523824215, 0.028115520253777504, -0.028418924659490585, -0.020492471754550934, 0.006305132992565632, 0.0478874035179615, -0.015701202675700188, -0.010922576300799847, 0.017812395468354225, 0.019076582044363022, 0.010309445671737194, -0.03446174040436745, -0.006712833419442177, 0.0179261714220047, 0.006700191181153059, 0.04872176796197891, 0.014588718302547932, -0.029784247279167175, 0.009342342615127563, 0.0035902911331504583, -0.010587566532194614, 0.017256153747439384, -0.012534414418041706, 0.018355995416641235, 0.012180441990494728, -0.0004523419192992151, 0.004345642868429422, -0.016737837344408035, -0.08379031717777252, -0.020505113527178764, -0.007534554693847895, 0.0010816700523719192, -0.028444208204746246, -0.03972075507044792, -0.002032180782407522, -0.02281857654452324, 0.008122401311993599, 0.044448815286159515, -0.012275256216526031, 0.010303124785423279, 0.015448365360498428, 0.003691426245495677, 0.013956625014543533, 0.02422182448208332, 0.02144061215221882, -0.000978164724074304, 0.0029724198393523693, 0.03448702394962311, -0.03661085665225983, -0.013134903274476528, 0.026168672367930412, -0.012357428669929504, -0.02034076862037182, 0.03266659379005432, -0.02097286283969879, -0.03590291365981102, 0.022717440500855446, -0.01657349243760109, 0.020505113527178764, -0.0002808865683618933, 0.04098494350910187, -0.005701483692973852, 0.030820880085229874, -0.006298812106251717, 0.043083492666482925, -0.041996292769908905, 0.0008975727832876146, -0.023513879626989365, -0.007850601337850094, -0.006450514309108257, -0.015321946702897549, -0.008602792397141457, -0.005322227254509926, 0.008078155107796192, 0.015309304930269718, -0.015625352039933205, 0.027028318494558334, -0.06417013704776764, 0.011175413616001606, 0.01088465005159378, 0.011200697161257267, -0.02932913973927498, 0.0128947077319026, 0.06897404789924622, 0.01573912799358368, -0.01031576655805111, -0.02202213741838932, -0.027786830440163612, 0.022489886730909348, 0.010258877649903297, 0.0571412555873394, -0.008577508851885796, 0.005789976567029953, -0.020479829981923103, -0.00295345694757998, 0.02474014088511467, -0.0008138203993439674, -0.0005680940812453628, -0.007313321810215712, -0.01578969694674015, -0.0022391912061721087, 0.04101022705435753, 0.006769721396267414, 0.06502978503704071, -0.041490618139505386, -0.00447522196918726, -0.017521632835268974, 0.01654820889234543, -0.009689993225038052, -0.02010057307779789, -0.01657349243760109, -0.018419206142425537, -0.023842567577958107, -0.0020543038845062256, 0.027837399393320084, -0.00790116935968399, -0.02859591133892536, 0.03473985940217972, -0.03939206898212433, 0.033323969691991806, 0.005818421021103859, 0.01628272980451584, 0.04624396190047264, 0.02417125552892685, 0.019696034491062164, 0.026497360318899155, -0.04973311722278595, 0.012193083763122559, 0.025435443967580795, -0.01954433135688305, 0.0045131477527320385, -0.03188279643654823, 0.004522629082202911, 0.025473369285464287, 0.0032584420405328274, -0.01874789409339428, -0.018077874556183815, -0.033071134239435196, -0.016383863985538483, -0.012471205554902554, 0.0005941679119132459, 0.004999859724193811, 0.03506854921579361, 0.05223620682954788, 0.01004396565258503, -0.006561130750924349, -0.0007699689012952149, -0.008691285736858845, -0.012534414418041706, 0.04945499822497368, -0.01934206113219261, 0.0005451806355267763, -0.012938953936100006, 0.019923588261008263, 0.011896000243723392, -0.009879621677100658, -0.01929149404168129, 0.05956849455833435, -0.008893555961549282, 0.013640577904880047, -0.003685105126351118, -0.025132037699222565, -0.016434431076049805, -0.014765704981982708, -0.012035060673952103, -0.033298686146736145, -0.030542759224772453, -0.008729211986064911, 0.024044837802648544, -0.006472637876868248, 0.007344926707446575, 0.00033896014792844653, 0.005040945950895548, 0.011181734502315521, 0.0013313469244167209, 0.009987077675759792, 0.017344646155834198, 0.038203731179237366, 0.015827622264623642, 0.03398134931921959, 0.0038115240167826414, 0.011213338933885098, -0.021870436146855354, 0.030416339635849, 0.00027357798535376787, 0.0032189362682402134, 0.018937522545456886, 0.008381560444831848, -0.003751475131139159, -0.024095404893159866, 0.014904765412211418, 0.0043108779937028885, 0.002605805639177561, 0.006927744951099157, -0.01849505677819252, 0.015435723587870598, -0.00570464413613081, -0.017534274607896805, -0.04022643342614174, -0.012136195786297321, 0.021845152601599693, 0.04758400097489357, -0.003098838496953249, -0.0023861529771238565, -0.043361615389585495, -0.006380984093993902, 0.0026010647416114807, 0.04894932359457016, 0.0038115240167826414, 0.010069250129163265, -0.02912686951458454, -0.008261462673544884, -0.006535847205668688, -0.012477526441216469, -0.02144061215221882, 0.018431847915053368, 0.02337481826543808, 0.0021080318838357925, 0.019696034491062164, -0.012547056190669537, -0.014070401899516582, -9.762882109498605e-05, -0.002120673656463623, -0.003176270052790642, 0.031124284490942955, -0.007673615124076605, 0.004582677967846394, -0.021895719692111015, 0.01955697312951088, 0.006706512067466974, -0.019519047811627388, 0.0008319931221194565, 0.02418389730155468, 0.008956764824688435, 0.01953168958425522, 0.020884370431303978, -0.008002303540706635, 0.025132037699222565, 0.0014380128122866154, 0.006618019193410873, -0.017015958204865456, 0.025233173742890358, -0.004152854438871145, 0.015043825842440128, -0.0037040680181235075, -0.010391617193818092, 0.004908206406980753, -0.009740561246871948, -0.00018933176761493087, 0.0247527826577425, 0.00882402528077364, 0.007224828936159611, -0.008356275968253613, 0.001584184356033802, -0.006083900108933449, 0.009481403045356274, 0.04288122430443764, 0.03211035206913948, -0.03099786676466465, 0.023817284032702446, -0.03264131024479866, 0.025726206600666046, 0.007610405795276165, 0.03266659379005432, -0.03645915538072586, 0.015119677409529686, -0.012945275753736496, 0.024891842156648636, -0.007629368919879198, -0.011491459794342518, -0.04546016454696655, 0.006355700548738241, 0.008160327561199665, 0.022894427180290222, -0.053702667355537415, 0.0031478258315473795, -0.001626060577109456, 0.002552077639847994, 0.013084336183965206, 0.0196075402200222, -0.001663986244238913, 0.015916114673018456, 0.01197817176580429, -0.02010057307779789, -0.002520472975447774, -0.020720025524497032, -0.03281829506158829, -0.008071834221482277, 0.0017208745703101158, -0.00830570887774229, 0.01573912799358368, -0.021933645009994507, 0.01955697312951088, 0.03021406941115856, -0.012028739787638187, -0.03205978497862816, 0.009797449223697186, 0.11013597249984741, 2.6394842279842123e-05, 0.03774862363934517, 0.03716709837317467, 0.012547056190669537, 0.02932913973927498, 0.029480841010808945, -0.008691285736858845, 0.04111136123538017, -0.030011801049113274, 0.04042870178818703, 0.04707832634449005, 0.013703787699341774, -0.013311889953911304, 0.034916847944259644, -0.027887966483831406, -0.007509271148592234, 0.013400382362306118, -0.016510283574461937, 0.0008059192332439125, 0.020290201529860497, 0.0037135493475943804, 0.013210754841566086, -0.015296663157641888, -0.004702775739133358, -0.002934494288638234, -0.012995842844247818, 0.0001312581734964624, -0.021023429930210114, 0.014171537011861801, 0.015031184069812298, 0.0064568351954221725, 0.026016969233751297, -0.011592594906687737, 0.02748342603445053, 0.02695246785879135, 0.00802758801728487, -0.015031184069812298, 0.011289190500974655, -0.017192943021655083, 0.013450950384140015, 0.003561846911907196, -0.02146589569747448, 0.010107175447046757, 0.011807506904006004, -0.0073954942636191845, -0.017332004383206367, 0.004279273096472025, -0.02068210020661354, -0.0321609191596508, -0.002999283839017153, -0.03648443892598152, -0.014765704981982708, 0.007863243110477924, -0.000870708841830492, -0.03339982032775879, -0.04753343388438225, 0.019114507362246513, 0.020846445113420486, 0.024360883980989456, 0.014500224962830544, -0.000844634952954948, -0.018937522545456886, 0.021921003237366676, 0.01112484559416771, 0.005989085882902145, 0.014108327217400074, 0.027559276670217514, -0.015486291609704494, 0.007635689806193113, -0.01115645095705986, -0.04912630841135979, -0.01316018681973219, 0.012648191303014755, -0.004784947726875544, 0.002033761003986001, -0.02390577644109726, 0.054511744529008865, 0.0062545654363930225, -0.015182886272668839, -0.006380984093993902, 0.029228003695607185, -0.023172548040747643, -0.019455838948488235, 0.026522643864154816, 0.004693294409662485, 0.005404399707913399, -0.006106023211032152, -0.009140072390437126, -0.017458423972129822, 0.015587425790727139, 0.02170609124004841, -0.012231010012328625, 0.019519047811627388, -0.006542168091982603, -0.025460727512836456, 0.01112484559416771, 0.009645747020840645, -0.023286325857043266, -0.02090965397655964, 0.01017038431018591, -0.0020400818902999163, 0.012243651784956455, 0.008944123052060604, -0.0037735982332378626, -0.02558714523911476, 0.019986797124147415, -0.014083043672144413, -0.03339982032775879, 7.353025284828618e-05, 0.03266659379005432, 0.015461007133126259, -0.03567535802721977, 0.013716429471969604, -0.0031430849339812994, 0.03213563561439514, -0.028772898018360138, -0.004604801535606384, -0.01735728792846203, 0.0038052028976380825, 0.009645747020840645, -0.0006601426866836846, -0.005208450835198164, 0.000874659395776689, -0.006971991620957851, -0.009563574567437172, 0.019658109173178673, 0.01822957769036293, 0.0023987949825823307, 0.036256883293390274, -0.0041338917799293995, -0.015954039990901947, 0.002850741846486926, 0.03160467743873596, 0.003327972488477826, -0.010220952332019806, 0.006437872536480427, -0.003862091340124607, 0.020302843302488327, -0.0009046838385984302, 0.009133751504123211, 0.04624396190047264, -0.006826609838753939, -0.02207270637154579, 0.0009576216689310968, -0.02252781391143799, 0.0015905053587630391, -0.008798741735517979, 0.029480841010808945, -0.01304640993475914, 0.005018822383135557, 0.0042129033245146275, 0.016940105706453323, -0.003267923602834344, -0.017268795520067215, 0.0006557970191352069, -0.0022107469849288464, -0.01599196530878544, 0.008817704394459724, 0.014841555617749691, 0.0043361615389585495, -0.0013495197053998709, -0.005249536596238613, -0.02768569625914097, -0.002351387869566679, -0.016725193709135056, -0.003206294495612383, 0.014917407184839249, 0.036838412284851074, -0.013248680159449577, -0.019443197175860405, -0.02252781391143799, 0.01629537157714367, 0.006292491219937801, -0.00854590442031622, 0.04371558874845505, 0.013337173499166965, -0.03666142374277115, 0.008729211986064911, 0.07246319949626923, -0.01715501770377159, 0.027104170992970467, 0.003659821581095457, 0.033829644322395325, -0.04728059470653534, -0.008438448421657085, -0.009999719448387623, -0.04353860020637512, -0.030846163630485535, -0.012016098015010357, 0.018570907413959503, -0.01059388741850853, 0.03638330474495888, -0.02557450346648693, -0.019089223816990852, -0.020214350894093513, 0.00871024839580059, -0.006472637876868248, -0.01926621049642563, 0.006535847205668688, 0.0002042452251771465, 0.013236038386821747, 0.02829250693321228, 0.024120688438415527, -0.008242499083280563, 0.049505565315485, 0.00377675867639482, 0.019632825627923012, -0.027609845623373985, -0.00022972648730501533, -0.005129438824951649, 0.06690077483654022, 0.00814136490225792, -0.03479042649269104, -0.012180441990494728, 0.0030387896113097668, 0.00815400667488575, 0.011649483814835548, -0.030037084594368935, -0.006071258336305618, 0.0392150804400444, 0.010347370989620686, 0.023792000487446785, -0.01059388741850853, -0.011681088246405125, 0.01467721164226532, -0.0293797068297863, -0.008318350650370121, 0.0012333724880591035, 0.007117372937500477, -0.014057760126888752, -0.006472637876868248, -0.013943983241915703, -0.013387740589678288, -0.011358720250427723, -0.005897432565689087, 0.030340489000082016, 0.008937802165746689, 0.0033311329316347837, 0.006801326293498278, 0.005850025452673435, 0.03506854921579361, -0.007003596052527428, -0.012616586871445179, -0.032540176063776016, -0.040378134697675705, 0.007951736450195312, 0.016371222212910652, -0.04214799776673317, -0.012584982439875603, 0.022919710725545883, 0.02395634353160858, 0.003482835367321968, 0.013337173499166965, -0.006352540105581284, -0.014196820557117462, -0.017344646155834198, 0.004693294409662485, 0.018419206142425537, 0.00019752922526095062, -0.012268935330212116, -0.020189067348837852, -0.007433419581502676, -0.03152882307767868, -0.011327115818858147, 0.02121305838227272, 0.009854338131844997, 0.001109324162825942, 0.026042252779006958, -0.027786830440163612, -0.013210754841566086, 0.017294079065322876, 0.005568744149059057, 0.014070401899516582, 0.006014369893819094, -0.031680528074502945, 0.03650972247123718, -0.015675919130444527, -0.037394654005765915, 0.013855489902198315, 0.03567535802721977, 0.011162771843373775, -0.014120968990027905, 0.0024730658624321222, -0.005758372135460377, 0.01628272980451584, -0.01168740913271904, 0.014904765412211418, -0.01735728792846203, -0.004984057508409023, 0.014500224962830544, 0.0029265929479151964, 0.006788684520870447, -0.003802042454481125, 0.008874593302607536, -0.016510283574461937, 0.018292786553502083, -0.0002202450850745663, -0.027635129168629646, 0.01576441153883934, 0.016371222212910652, -0.037091247737407684, 0.012117233127355576, 0.006915103178471327, 0.009001011960208416, -0.0143990907818079, -0.03673727437853813, 0.015928756445646286, 0.013842848129570484, 0.010853045620024204, 0.02662377990782261, 0.02011321671307087, 0.019215643405914307, -0.005268499720841646, 0.0010232013883069158, 0.007003596052527428, -0.03471457585692406, 0.00815400667488575, -0.017458423972129822, -0.02447466179728508, 0.03125070407986641, -0.01481627207249403, -0.0011006328277289867, 0.020454546436667442, 0.018027307465672493, -0.016396505758166313, 0.010208310559391975, 0.008514299988746643, 0.02068210020661354, 0.02642150968313217, -0.01290734950453043, -0.017268795520067215, 0.011390325613319874, 0.008236178196966648, -0.036585573107004166, 0.0386335551738739, 0.004987217951565981, -0.015423081815242767, 0.027635129168629646, -0.01316018681973219, 0.007566159591078758, -0.046850770711898804, -0.01846977323293686, -0.028064953163266182, -0.02801438421010971, 0.019152434542775154, -0.0025331147480756044, -0.0014561854768544436, -0.0031494060531258583, -0.009298095479607582, 0.020201709121465683, -0.01901337318122387, 0.03749578818678856, 0.01198449358344078, 0.01846977323293686, -0.00632093520835042, 0.016699910163879395, -0.03731879964470863, -0.04247668385505676, 0.014083043672144413, 0.014917407184839249, -0.045283179730176926, 0.013375098817050457, 0.019961513578891754, 0.010416901670396328, 0.01681368798017502, -0.009405551478266716, 0.024348242208361626, -0.015385156497359276, 0.021604957059025764, 0.008647039532661438, 0.02394370175898075, -0.01495533250272274, 0.019708676263689995, 0.007983340881764889, -0.03074502944946289, 0.03077031299471855, 0.041971009224653244, 0.023235758766531944, 0.033298686146736145, -0.041212499141693115, -0.01768597587943077, 0.02991066500544548, -0.017041241750121117, 0.02476542443037033, -0.003429107367992401, -0.012464884668588638, 0.02585262432694435, 0.011744298040866852, -0.012717721983790398, -0.016118384897708893, -0.014108327217400074, 0.017584841698408127, -0.02422182448208332, -0.007389173377305269, 0.0053001041524112225, 0.03362737596035004, 0.02011321671307087, -0.024044837802648544, 0.007155298721045256, 0.022439319640398026, 0.02309669740498066, -0.06705248355865479, 0.005230573937296867, -9.669055725680664e-05, 0.01601725071668625, -0.02200949564576149, 0.016674626618623734, 0.010562282986938953, 0.046876054257154465, -0.010252556763589382, -0.019986797124147415, 0.03099786676466465, -0.00938658881932497, -0.008236178196966648, -0.016219519078731537, -0.020998146384954453, -0.0296072605997324, 0.01771126128733158, 0.01316018681973219, -0.001156731159426272, 0.02202213741838932, -0.02393105998635292, 0.030618609860539436, -0.02472749911248684, 0.008640718646347523, 0.0041338917799293995, -0.013248680159449577, -0.002713261405006051, 0.010081891901791096, -0.012407995760440826, -0.0011195956030860543, -0.015890831127762794, 0.004099126439541578, -0.0022107469849288464, 0.04376615583896637, -0.019923588261008263, 0.006276688538491726, -0.038759972900152206, -0.003359577152878046, 0.009848017245531082, -0.0014759383630007505, 0.020479829981923103, -0.0228438600897789, 0.02609281986951828, 0.010555962100625038, -0.02089701220393181, -0.04765985161066055, -0.008242499083280563, -0.01305905170738697, -0.01021463144570589, 0.02227497659623623, 0.012761968187987804, 0.014032476581633091, 0.017294079065322876, 0.0019231445621699095, 0.010322087444365025, -0.02118777483701706, -0.010018682107329369, -0.01441173255443573, 0.015966681763529778, 0.00312886293977499, 0.003184171160683036, -0.014437016099691391, 0.0228438600897789, 0.003454391146078706, 0.017799753695726395, 0.011516744270920753, 0.02444937825202942, 0.07509271055459976, 0.015031184069812298, 0.006068097893148661, 0.018141083419322968, 0.001037423498928547, -0.013868131674826145, -0.018646758049726486, -0.024942411109805107, -0.015448365360498428, 0.018330711871385574, -0.01793881505727768, -0.02041662111878395, 0.0061028627678751945, -0.029480841010808945, 0.018330711871385574, 0.015966681763529778, -0.000940239115152508, 0.012281577102839947, -0.02117513306438923, 0.010100854560732841, 0.015524216927587986, 0.015574784018099308, -0.02089701220393181, -0.02748342603445053, 0.025738848373293877, 0.01293263304978609, -0.01007557101547718, 0.006908782292157412, 0.0001088386052288115, 0.018697327002882957, -0.013514159247279167, 0.027862682938575745, -0.011042674072086811, 0.01265451218932867, 0.018950164318084717, -0.002798594068735838, -0.012041381560266018, -0.015675919130444527, -0.008805062621831894, -0.022742724046111107, 0.044752221554517746, 0.04760928452014923, 0.01768597587943077, -0.0013123841490596533, 0.04058040305972099, 0.01415889523923397, 0.039569053798913956, -0.0010121397208422422, 0.02690190076828003, -0.015309304930269718, 0.012287897989153862, -0.019493764266371727, -0.004026435781270266, -0.0004389099485706538, -0.021908361464738846, 0.007610405795276165, 0.0037894006818532944, 0.0015928756911307573, 0.03286886215209961, -0.013476233929395676, 0.003378539811819792, 0.04965726658701897, 0.020859086886048317, 0.009955473244190216, -0.03891167789697647, 0.01317282859236002, 0.024815991520881653, 0.01850769855082035, 0.009671030566096306, 0.010638133622705936, -0.015600068494677544, -0.014588718302547932, 0.006978312507271767, 0.041971009224653244, -0.02396898716688156, 0.01903865672647953, -0.0575963631272316, 0.009588859044015408, -0.025346949696540833, 0.003975868225097656, 0.017597483471035957, 0.019519047811627388, 0.04814024269580841, -0.01453815121203661, 0.0124901682138443, 0.007623048033565283, 0.003046690719202161, 0.00733860582113266, 0.0012973719276487827, 0.007818996906280518, 0.03403191640973091, 0.001703492016531527, 0.007452382706105709, 0.0008841408416628838, 0.013792281039059162, 0.004086484666913748, 0.0019310456700623035, 0.0032173560466617346, 0.018115799874067307], "9c6fc2b6-6251-4321-bc19-11724a6c4ce2": [0.01901625283062458, -0.005307208746671677, 0.056594282388687134, 0.01683954894542694, -0.006404530256986618, -0.021695271134376526, 0.03619068115949631, -0.021276675164699554, -0.03688435256481171, 0.059129782021045685, -0.013694093562662601, -0.05185815691947937, -0.054010942578315735, 0.02284342236816883, 0.032291751354932785, -2.0088907604076667e-06, -0.01124231331050396, 0.0200806837528944, -0.026646673679351807, 0.014794405549764633, 0.043175265192985535, 0.02760346606373787, 0.058842744678258896, 0.005229469388723373, 0.03430101275444031, -0.01456716749817133, 0.0021453083027154207, 0.017413625493645668, -0.03910889849066734, -0.029349612072110176, -0.02342945896089077, -0.013263537548482418, -0.002547460375353694, -0.011015074327588081, -0.006906846538186073, -0.03843914344906807, -0.007163984701037407, -0.030473843216896057, 0.007128105033189058, -0.010064261965453625, -0.009053650312125683, -0.040065690875053406, -0.008228416554629803, -0.00862907338887453, 0.007588561158627272, 0.05515909194946289, -0.07386438548564911, -0.02473308891057968, -0.019530529156327248, -2.7797441362054087e-06, -0.0536760650575161, 0.020236162468791008, -0.006494229659438133, 0.006129452493041754, 0.010028382763266563, 0.0029182173311710358, -0.002321717096492648, 0.023919815197587013, 0.017282066866755486, -0.02183879166841507, -0.0017416614573448896, -0.01843021810054779, -0.01906409300863743, 0.05262359231710434, -0.0006391075439751148, 0.018753135576844215, -0.0033069143537431955, 0.039587292820215225, 0.0008446684805676341, 0.002088498789817095, 0.005364018492400646, 0.036764755845069885, 0.016145875677466393, -0.016002357006072998, -0.022101908922195435, -0.006350710988044739, 0.006673628464341164, -0.011110753752291203, 0.012258904986083508, 0.009119429625570774, -0.003910889849066734, -0.024852687492966652, -0.0664970874786377, 0.015177122317254543, 0.030186805874109268, 0.011451611295342445, -0.056546442210674286, -0.03255486860871315, -0.0034623933024704456, -0.052480075508356094, 0.01829865761101246, 0.024338411167263985, -0.001880695461295545, 0.03442061319947243, 0.05291062965989113, -0.014256210066378117, 0.01030346006155014, 0.010327380150556564, -0.0191836915910244, 0.02954097092151642, 0.020798278972506523, -0.06577949225902557, 0.020164404064416885, -0.03750627115368843, 0.06348318606615067, -0.03760194778442383, -0.008324095979332924, 0.03932417556643486, 0.00121766806114465, -0.02189859002828598, -0.1046731099486351, 0.004066368564963341, -0.008856311440467834, 0.007899519056081772, 0.02844065986573696, -0.005761685315519571, 0.02896689623594284, -0.05535045266151428, 0.005558366887271404, -0.059656016528606415, -0.03939593583345413, -0.024589570239186287, 0.015356521122157574, -0.04956185445189476, -0.011433671228587627, 0.004828812554478645, -0.009549985639750957, 0.0007306755869649351, -0.02683803252875805, 0.0033039243426173925, 0.034396693110466, 0.02326202020049095, 0.016408992931246758, -0.022388946264982224, 0.003587972139939666, 0.013538614846765995, -0.046882838010787964, 0.030210725963115692, -0.031932953745126724, -0.026933711022138596, -0.00264164456166327, -0.007761979941278696, -0.037123553454875946, 0.01894449256360531, 0.005935104098170996, -0.0382717028260231, -0.025929078459739685, -0.001637012348510325, 0.013550574891269207, -0.014292089268565178, 0.009442347101867199, 0.0363820381462574, -0.03530564531683922, 0.008778572082519531, 0.00868289265781641, -0.002375536598265171, 0.039419855922460556, 0.035640522837638855, -0.023273980244994164, 0.03442061319947243, -0.029684489592909813, 0.018525896593928337, -0.02149195410311222, -0.031813353300094604, -0.011906087398529053, -0.030856560915708542, -0.01404093112796545, -0.05051865056157112, -0.039180655032396317, 0.01747342385351658, -0.027699146419763565, -0.015571799129247665, -0.006745387800037861, -0.0020301942713558674, 0.01877705380320549, -0.013048258610069752, -0.006613828707486391, -0.05970385670661926, -0.006033773068338633, -0.0019883345812559128, -0.01648075319826603, 0.021767031401395798, -0.058603547513484955, 0.002335171913728118, -0.0023486267309635878, -0.025618121027946472, 0.0024547709617763758, 0.016743870452046394, -0.052719272673130035, 0.007672280538827181, -0.018214939162135124, 0.01504556369036436, 0.0002522793074604124, -0.04642836004495621, -0.07730884104967117, -0.02583339996635914, 0.044538695365190506, -0.023453379049897194, 0.0008499009418301284, -0.03054560348391533, 0.04279254749417305, 0.012414383701980114, 0.021180996671319008, 0.005145750008523464, -0.02313046157360077, -0.022556385025382042, 0.01271338202059269, 4.400872057885863e-05, -0.04130952060222626, -0.040520165115594864, 0.04439517483115196, -0.0293256938457489, 0.02371649630367756, 0.06702332198619843, -0.06721468269824982, 0.06061280891299248, -0.04774395003914833, -0.013586455024778843, -0.021970350295305252, -0.0030273515731096268, 0.018824893981218338, 0.0062729716300964355, 0.03714747354388237, 0.010106122121214867, 0.013526655733585358, 0.028751617297530174, 0.0223650261759758, -0.016612311825156212, 0.052958469837903976, -0.02143215388059616, 0.026861952617764473, 0.018442176282405853, -0.009089529514312744, -0.03925241529941559, 0.060373611748218536, -0.06482269614934921, 0.04001785069704056, -0.011206433176994324, -0.026407474651932716, 0.005985933821648359, -0.01236654445528984, 0.03666907548904419, 0.024469969794154167, 0.06702332198619843, 0.033344220370054245, -0.03485117107629776, -0.0020705589558929205, -0.05841218680143356, 0.054728537797927856, -0.0065839290618896484, 0.007373282685875893, -0.014339928515255451, 0.01262966264039278, -0.06353102624416351, -0.0351860485970974, -0.04444301500916481, -0.015942556783556938, 0.014531287364661694, -0.009729384444653988, -0.0510927252471447, -0.017090708017349243, -0.030162885785102844, -0.040591925382614136, -0.00023732941190246493, 0.005683945957571268, 0.004072348587214947, -0.00022181890381034464, 0.04410813748836517, -0.04539980739355087, -0.06563597172498703, -0.04468221589922905, 0.04480181261897087, 0.00428164703771472, 0.006888906471431255, -0.019590327516198158, 0.009364607743918896, -0.01778438314795494, 0.0028494480066001415, 0.03272230550646782, -0.03633419796824455, 0.007797859609127045, 0.011756588704884052, -0.0004204654833301902, 0.02290322259068489, 0.0382717028260231, 0.004846752621233463, 0.015500039793550968, 0.034827250987291336, -0.0007538479403592646, 0.03073696233332157, 0.02065476030111313, -0.04937049746513367, -0.03324854373931885, 0.01771262288093567, 0.03372693806886673, 0.02836889959871769, 0.021994270384311676, -0.01082969643175602, -0.014746565371751785, 0.033344220370054245, 0.019973045215010643, -0.0012692451709881425, -0.012928660027682781, -0.0006686335545964539, 0.009759284555912018, -0.0033128943759948015, 0.021468034014105797, -0.0033667138777673244, 0.05491989478468895, -0.04937049746513367, 0.02284342236816883, 0.05305415019392967, 0.06515757739543915, -0.024290572851896286, -0.037578027695417404, -0.04461045563220978, 0.04114207997918129, -0.02779482491314411, -0.023477299138903618, -0.003070706268772483, -0.028990816324949265, 0.0018478056881576777, -0.010811756365001202, -0.02014048397541046, -0.03645379841327667, -0.03915673866868019, 0.01256986241787672, -0.002791143488138914, -0.01606215536594391, -0.024637408554553986, 0.029397452250123024, -0.030808720737695694, -0.016504671424627304, 0.00762444082647562, -0.005274319089949131, 0.025809479877352715, -0.03714747354388237, 0.013538614846765995, -0.05343686789274216, 0.026885872706770897, -0.004670343827456236, -0.04437125474214554, 0.001897140289656818, -0.014973804354667664, -0.009430387057363987, -0.03671691566705704, 0.03542524576187134, 0.03315286338329315, -0.043462302535772324, 0.017628904432058334, -0.006464330013841391, 0.03784114867448807, -0.05769459158182144, 0.033942218869924545, -0.003151435637846589, -0.0023456369526684284, 0.004583634436130524, -0.030976159498095512, -0.04654796048998833, -0.00381222041323781, -0.05415445938706398, 0.0008080412517301738, 0.02949313074350357, 0.01265358179807663, 0.016564471647143364, 0.05114056542515755, -0.08108817040920258, -0.06817147135734558, -0.012725341133773327, 0.023680616170167923, 0.013371176086366177, -0.07329031080007553, 0.01835845783352852, 0.017401665449142456, -0.028392819687724113, 0.0021049436181783676, 0.04456261545419693, 0.009992502629756927, -0.025474602356553078, 0.05104488506913185, 0.06319615244865417, 0.013825653120875359, -0.033583421260118484, -0.06525325775146484, 0.028823377564549446, 0.012581822462379932, -0.019686007872223854, 0.01329941675066948, -0.01274926122277975, -0.01835845783352852, -0.0003098363522440195, 0.02478092722594738, 0.05343686789274216, -0.02320221997797489, 0.03183727338910103, -0.0019733847584575415, 0.00041299054282717407, 0.023453379049897194, 0.013000419363379478, -0.027005471289157867, 0.03944377601146698, -0.07051561772823334, -0.041476957499980927, 0.015165162272751331, 0.020571039989590645, 0.04551940783858299, -0.017054827883839607, 0.013538614846765995, 0.03186119347810745, -0.018143178895115852, 0.01988932676613331, -0.0313110388815403, 0.05204951763153076, 0.007158004678785801, 0.03851089999079704, -0.05415445938706398, 0.013000419363379478, 0.048294104635715485, 0.03308110311627388, -0.060373611748218536, 0.021635472774505615, -0.021635472774505615, -0.0313110388815403, -0.029828008264303207, -0.052527911961078644, 0.016743870452046394, 0.013311376795172691, 0.00428164703771472, 0.057072676718235016, -0.08462830632925034, -0.00956194568425417, -0.006864986848086119, 0.021264715120196342, 0.031071839854121208, -0.005175650119781494, 0.008192536421120167, 0.00428164703771472, 0.01817905902862549, 0.017102668061852455, -0.00806695781648159, -0.017880061641335487, 0.009256968274712563, -0.005393918137997389, 0.004182977601885796, -0.02607259899377823, -0.010859595611691475, -0.015488079749047756, 0.0033128943759948015, 0.0313110388815403, 0.039946090430021286, -0.037769388407468796, -0.025689881294965744, 0.012593782506883144, 0.018394337967038155, 0.0023860016372054815, -0.013227657414972782, 0.030402084812521935, -0.06812363117933273, 0.00014426637790165842, -0.024458009749650955, -0.008031077682971954, 0.04408421739935875, 0.04846154525876045, 0.022795584052801132, 0.029421372339129448, 0.04207495599985123, -0.0009455801919102669, 0.003815210424363613, 0.016397032886743546, -0.004538784734904766, 0.022879302501678467, 0.04882034286856651, -0.00327402469702065, 0.03159807622432709, -0.08902955055236816, -0.04130952060222626, 0.018645495176315308, 0.030210725963115692, -0.037051793187856674, -0.022006230428814888, 0.028942976146936417, 0.016217634081840515, -0.038415223360061646, -0.001198980724439025, 0.037769388407468796, -0.017616944387555122, 0.03255486860871315, 0.02812970243394375, 0.011876188218593597, -0.01383761316537857, -0.047887470573186874, 0.015452200546860695, 0.06420078128576279, -0.010423059575259686, 0.025929078459739685, -0.0017446514684706926, -0.050183773040771484, -0.02614435739815235, -0.007510821800678968, -0.009083549492061138, -0.005238439422100782, -0.014579127542674541, 0.00932872761040926, 0.03451629355549812, 0.02071456052362919, 0.03494684770703316, 0.04109424352645874, -0.010458938777446747, 0.0026536043733358383, -0.03339206054806709, 0.04870074242353439, 0.017748503014445305, 0.017975740134716034, -0.019985005259513855, 0.006302871275693178, 0.016971109434962273, 0.04138128086924553, 0.02213778905570507, -0.04355798289179802, -0.003465383080765605, -0.037769388407468796, 0.004774992819875479, 0.010273560881614685, 0.006936746183782816, -0.007271623704582453, 0.0014045416610315442, -0.014435607939958572, 0.0037015913985669613, 0.0031932953279465437, -0.06884122639894485, 0.020977677777409554, -0.005387938115745783, 0.007259663660079241, 0.015476120635867119, 0.001665417104959488, -0.04544764757156372, -0.0058633447624742985, -0.020917877554893494, 0.005543417297303677, -0.011206433176994324, 0.015571799129247665, -0.009113449603319168, 0.04886818304657936, 0.0032590748742222786, -0.0003292711917310953, -0.031167518347501755, -0.005232459399849176, -0.0072058443911373615, 6.78350988891907e-05, -0.016791710630059242, 0.013490775600075722, -0.004885622300207615, 0.03798466548323631, -0.007773939985781908, 0.05688131973147392, 0.023034781217575073, -0.028416739776730537, -0.010010442696511745, -0.0034952829591929913, -0.01404093112796545, 0.026646673679351807, -0.024039413779973984, 0.024924447759985924, 0.009346667677164078, 0.01578707806766033, 0.0454237274825573, -0.003806240623816848, 0.0045118751004338264, -0.003330834209918976, -0.006524129305034876, 0.035353485494852066, -0.025044046342372894, -0.014543247409164906, -0.05640292167663574, 0.008635053411126137, -0.009035710245370865, -0.0535803847014904, -0.023501217365264893, 0.01772458292543888, 0.01347881555557251, -0.018573736771941185, -0.04358190298080444, 0.02278362400829792, 0.01813121885061264, -0.003345784032717347, -0.02607259899377823, 0.010315420106053352, 0.01783222146332264, 0.011056934483349323, 0.004063378553837538, 0.01274926122277975, -0.012121366336941719, 0.0267901923507452, 0.06080416962504387, -0.0010816240683197975, 0.004452075343579054, -0.049944572150707245, 0.009681545197963715, -0.009143348783254623, 0.013024339452385902, 0.02177899144589901, 0.008395855315029621, -0.018143178895115852, -0.011015074327588081, -0.006380610633641481, -0.0049035619013011456, 0.02237698622047901, -0.0382717028260231, -0.01283298060297966, -0.00012716745550278574, 0.00856329407542944, -0.027459947392344475, -0.010967235080897808, -0.01589471660554409, 0.012725341133773327, 0.02707722969353199, 0.008336055092513561, 0.020439481362700462, 0.02147999405860901, 0.02784266509115696, 0.017150506377220154, 0.03968297317624092, 0.009316767565906048, 0.05133192241191864, 0.0478157103061676, 0.024565650150179863, -0.02314242161810398, 0.0030572512187063694, 0.0039975992403924465, -0.0249483659863472, -0.0267901923507452, -0.0027627386152744293, 0.05214519798755646, -0.016157835721969604, 0.017114628106355667, 0.025474602356553078, 0.003880989970639348, -0.007008505519479513, -0.002478690817952156, 0.0036567416973412037, 0.0037255112547427416, -0.01524888165295124, 0.043892860412597656, -0.006084602791815996, 0.033822618424892426, -0.024589570239186287, 0.011792468838393688, 0.010937334969639778, -0.01695914939045906, -0.025737721472978592, 0.013729973696172237, -0.027986183762550354, 0.02442213147878647, -0.024446051567792892, 0.04174007847905159, -0.009059629403054714, 0.005477637518197298, 0.015452200546860695, -0.02072651870548725, -0.005740755703300238, -0.02301086112856865, 0.02566596120595932, 0.014722646214067936, -0.02530716359615326, -0.01074597705155611, 0.008288215845823288, 0.010052301920950413, -0.003931819461286068, 0.029923688620328903, 0.03451629355549812, -0.01811925880610943, -0.00463745417073369, 0.030952241271734238, -0.02189859002828598, -0.015906676650047302, 0.02961273118853569, 0.03951553255319595, -0.03662123531103134, -0.009418427012860775, 0.03542524576187134, 0.02260422520339489, 0.0097413444891572, -0.048007067292928696, -0.003094626124948263, 0.004745093174278736, 0.02566596120595932, 0.034707650542259216, 0.02283146232366562, -0.018334537744522095, 0.003743451088666916, 9.077382856048644e-05, -0.0274838674813509, 0.02313046157360077, -0.011009094305336475, 0.013084138743579388, 0.016098035499453545, 0.0032889745198190212, 0.011469551362097263, -0.001249062828719616, -0.1022811308503151, -0.013682134449481964, 0.006745387800037861, -0.0039975992403924465, -0.021049436181783676, -0.03155023604631424, -0.01301237940788269, -0.01566747948527336, 0.0015226457035169005, 0.037769388407468796, 0.0011601110454648733, 0.023871975019574165, 0.01966208778321743, -0.008174596354365349, 0.010961255058646202, 0.02461349032819271, 0.01321569737046957, 0.00935862772166729, 0.007217803969979286, 0.04315134510397911, -0.01571531780064106, -0.0024622459895908833, 0.019506609067320824, -0.007098204921931028, -0.02119295671582222, 0.028536338359117508, -0.00927490834146738, -0.030641281977295876, 0.0024801858235150576, -0.01865745522081852, 0.006643728353083134, -0.014746565371751785, 0.04121384024620056, -0.0067752874456346035, 0.019159771502017975, 0.0011944957077503204, 0.03372693806886673, -0.04219455271959305, 0.013981131836771965, -0.0200806837528944, -0.014172490686178207, 0.004305566661059856, -0.03255486860871315, -0.0028210431337356567, -0.007427102420479059, 0.014387768693268299, -0.004446095786988735, -0.012797100469470024, 0.01082969643175602, -0.0535803847014904, -0.00353116262704134, -0.0022140778601169586, 0.009268928319215775, -0.026933711022138596, 0.0033936237450689077, 0.0703720971941948, 0.013538614846765995, -0.0032381450291723013, -0.012593782506883144, -0.01283298060297966, 0.015189082361757755, 0.012856900691986084, 0.06731035560369492, -0.005352058447897434, 0.0034265134017914534, -0.012545943260192871, 4.038804763695225e-05, 0.02065476030111313, -0.003907899837940931, 0.009843003936111927, -0.00520853977650404, -0.00613543251529336, -0.0016893369611352682, 0.050997044891119, 0.018346497789025307, 0.0523843951523304, -0.03951553255319595, 0.0001336145942332223, -0.008928070776164532, 0.019590327516198158, -0.007684240583330393, -0.026120437309145927, -0.003061736235395074, -0.014650886878371239, -0.024218812584877014, -0.008635053411126137, 0.02242482639849186, -0.0021572683472186327, -0.031047919765114784, 0.02377629652619362, -0.028632018715143204, 0.03178943321108818, -0.015320640988647938, 0.010530698113143444, 0.054776374250650406, 0.014184449799358845, 0.0010240670526400208, 0.041763994842767715, -0.025211485102772713, 0.017748503014445305, 0.03774546831846237, -0.0016145874978974462, 0.011930007487535477, -0.03236350789666176, 0.027340348809957504, 0.007696200627833605, 0.007732080295681953, -0.022652065381407738, 0.007259663660079241, -0.02147999405860901, -0.015858836472034454, -0.016791710630059242, 0.004670343827456236, 0.019626207649707794, 0.031047919765114784, 0.025713801383972168, -0.002025709254667163, 0.002326201880350709, -0.005546406842768192, -0.0042009176686406136, -0.015631599351763725, 0.058125149458646774, -0.007761979941278696, -0.009215109050273895, -0.0035132227931171656, -0.013574494980275631, -0.009131389670073986, -0.0023052720353007317, -0.026048678904771805, 0.047887470573186874, 0.001249062828719616, -0.002078033983707428, 0.0031873153056949377, -0.03348774090409279, -0.015607679262757301, 0.0019389999797567725, -0.015428280457854271, -0.03461197018623352, -0.012121366336941719, -0.019028212875127792, 0.014854204840958118, 0.006231111939996481, 0.006476290058344603, -0.00579756498336792, 0.014854204840958118, 0.012414383701980114, -0.00757660111412406, -0.007600521203130484, 0.010668237693607807, 0.03810426592826843, 0.005785605404525995, 0.02290322259068489, 0.00724172405898571, 0.005375978536903858, -0.010136021301150322, 0.01365821436047554, 0.008389875292778015, 0.008814452216029167, 0.03348774090409279, -0.0030467864125967026, 0.014292089268565178, -0.03884577751159668, 0.0023635767865926027, -0.011900108307600021, -0.013287456706166267, 0.0016549521824344993, -0.025067966431379318, 0.020272042602300644, -0.009573905728757381, -0.026766272261738777, -0.018753135576844215, -0.023226140066981316, 0.011314072646200657, 0.046763237565755844, 0.005950054153800011, 0.004861702211201191, -0.028632018715143204, 0.005731785669922829, 0.026335716247558594, 0.037051793187856674, -0.005247409455478191, 0.019267410039901733, -0.037697628140449524, -0.004586624447256327, -0.00463745417073369, -0.007361323107033968, -0.001562262885272503, 0.03183727338910103, 0.026168277487158775, -0.006422470323741436, 0.0054357778280973434, -0.012073526158928871, -0.025689881294965744, 0.021228834986686707, 0.00835399515926838, -0.016552511602640152, 0.03226783126592636, 0.0017446514684706926, 0.006120482459664345, 0.0031095759477466345, 0.016277434304356575, -0.009466266259551048, -0.012306745164096355, 0.015105362981557846, 0.03678867593407631, 0.005671985913068056, 0.023333778604865074, 0.006954686250537634, -0.006446389947086573, 0.020236162468791008, 0.020463401451706886, 0.0021826832089573145, -0.021802911534905434, 0.017294026911258698, -0.006006863433867693, 0.030521683394908905, 3.7678379158023745e-05, -0.024685248732566833, 0.027914423495531082, 0.0022170678712427616, -0.024804847314953804, 0.01801162026822567, -0.0034623933024704456, 0.011355931870639324, -0.0065779490396380424, -0.005746735725551844, -0.02230522781610489, 0.0027163939084857702, 0.046595800668001175, 0.03001936711370945, -0.02779482491314411, 0.03009112738072872, -0.01829865761101246, 0.02437429130077362, 0.00752278184518218, 0.038223862648010254, -0.010955275036394596, 0.027986183762550354, -0.011403772048652172, 0.030210725963115692, 0.0010031372075900435, 0.002375536598265171, -0.02319025993347168, -0.0007654340588487685, 0.020917877554893494, 0.0306173637509346, -0.026694513857364655, 0.006338750943541527, 0.006589909084141254, -0.004245766904205084, 0.025355003774166107, 0.013514695689082146, -0.006685588043183088, 0.01900429278612137, 0.0031155559699982405, -0.008784552104771137, 0.016050195321440697, -0.007080265320837498, -0.024218812584877014, -0.01147553138434887, -0.006356691010296345, -0.031645916402339935, -0.01065029762685299, -0.028416739776730537, 0.017748503014445305, 0.04327094554901123, -0.002115408657118678, -0.019506609067320824, 0.01262966264039278, 0.09295240044593811, -0.010853615589439869, 0.038941457867622375, 0.06008657440543175, 0.02153979241847992, 0.010022402741014957, 0.03901321813464165, -0.011326032690703869, 0.030162885785102844, -0.025331083685159683, 0.03477941080927849, 0.038582660257816315, 0.012414383701980114, -0.0009732374455779791, 0.04508884996175766, -0.005271329078823328, -0.005047081038355827, -0.007229764014482498, -0.01712658815085888, -0.003764380933716893, 0.031693752855062485, 0.0023860016372054815, -0.0007721615256741643, 0.0008185061742551625, -0.01972188800573349, -0.018023580312728882, -0.017569104209542274, -0.009203149005770683, -0.019339170306921005, 0.007229764014482498, 0.014543247409164906, -0.010662257671356201, 0.034827250987291336, -0.005361028481274843, 0.03566444292664528, 0.012246944941580296, 0.009902803227305412, -0.01607411541044712, 0.03078480251133442, -0.026263955980539322, -0.0027403137646615505, 0.01347881555557251, -0.007546701468527317, -0.0006716235657222569, 0.01807142049074173, -0.004464035388082266, -0.04855722561478615, 0.002161753363907337, -0.041070323437452316, -0.024685248732566833, -0.007666300516575575, -0.05157111957669258, -0.021085316315293312, 0.009346667677164078, 0.00305426144041121, -0.02296302281320095, -0.04298390820622444, 0.01109879370778799, 0.0236088577657938, 0.019339170306921005, 0.01565551944077015, 0.004643434192985296, -0.020750438794493675, 0.0017446514684706926, 0.030880481004714966, -0.007630420848727226, 0.011559250764548779, 0.03489901125431061, -0.020319882780313492, 0.02149195410311222, -0.01790398173034191, -0.03049776330590248, -0.00997456256300211, 0.014256210066378117, -0.003411563578993082, 0.003937799483537674, -0.028273221105337143, 0.03898929804563522, 0.0031006059143692255, -0.021910550072789192, 0.005035120993852615, 0.028655938804149628, -0.03312894329428673, -0.024757008999586105, 0.01771262288093567, -0.017270106822252274, -0.004643434192985296, -0.004248756915330887, -0.006332770921289921, -0.025450682267546654, 0.003668701509013772, 0.021886629983782768, -0.016815630719065666, 0.02690979093313217, 0.0005475395009852946, -0.022293267771601677, 0.01092537585645914, 0.008342035114765167, -0.02171919122338295, -0.024804847314953804, 0.026096517220139503, 0.016277434304356575, 0.016504671424627304, 0.01894449256360531, 0.000290214637061581, -0.027651306241750717, 0.017939861863851547, -0.003540132660418749, -0.01912389136850834, 0.006147392559796572, 0.03635811805725098, 0.010518738999962807, -0.024469969794154167, 0.00812077708542347, -0.011314072646200657, 0.04219455271959305, -0.042816467583179474, -0.017521264031529427, 0.005498567596077919, 0.00381222041323781, 0.009071589447557926, 0.01808338053524494, 0.007325443439185619, 0.010835676454007626, -0.004009558819234371, 0.015009683556854725, 0.011714729480445385, 0.038941457867622375, -0.020941797643899918, 0.03621460124850273, -0.013586455024778843, -0.010919395834207535, 0.029564891010522842, 0.009789184667170048, -0.0021871679928153753, -0.022795584052801132, 0.004410215653479099, 0.023357698693871498, 0.025689881294965744, -0.022173669189214706, 0.008395855315029621, 0.04520845040678978, 0.008330075070261955, -0.01683954894542694, -0.016265474259853363, -0.014172490686178207, 0.020272042602300644, 0.0062729716300964355, 0.030043287202715874, -0.0037733507342636585, 0.01577511802315712, -0.01159512996673584, -0.002043649088591337, -0.010548638179898262, -0.03090440109372139, -0.0024084262549877167, -0.016026275232434273, -0.010399139486253262, 0.0008685882785357535, 0.012533983215689659, 0.008258315734565258, 0.003815210424363613, -0.001076391665264964, -0.02454173006117344, -0.0019449798855930567, -0.031071839854121208, -0.0054387678392231464, 0.0028255281504243612, 0.029182173311710358, -0.015918636694550514, -0.02954097092151642, -0.02125275507569313, 0.001305124838836491, 0.009896823205053806, -0.003674681531265378, 0.029421372339129448, 0.02566596120595932, -0.029062574729323387, 0.007989218458533287, 0.0613304041326046, -0.000735534296836704, 0.03339206054806709, -0.000941842736210674, 0.02908649481832981, -0.04142912104725838, -0.0017551163909956813, -0.014244250021874905, -0.055015575140714645, -0.024589570239186287, -0.020451441407203674, 0.03468373045325279, 0.009466266259551048, 0.04118992015719414, -0.023501217365264893, -0.024709168821573257, -0.02502012625336647, 0.0005494082579389215, 0.007618460804224014, -0.03030640445649624, 0.00891611073166132, 0.0028629028238356113, 0.02359689772129059, 0.02461349032819271, 0.016552511602640152, -0.009406466968357563, 0.028344981372356415, 0.009035710245370865, 0.015165162272751331, -0.03401397541165352, 0.005372988525778055, -0.019506609067320824, 0.060373611748218536, 7.096523040672764e-05, -0.03367909789085388, -0.0015166657976806164, 0.028775537386536598, 0.005405878182500601, 0.009549985639750957, -0.00853339396417141, -0.008025097660720348, 0.04092680290341377, 0.01245026383548975, 0.02389589510858059, -0.011577189899981022, -0.009615765884518623, 0.013084138743579388, -0.03078480251133442, 0.011738649569451809, 0.00995064340531826, 0.021049436181783676, -0.014519327320158482, 0.0012655076570808887, -0.02237698622047901, -0.027770904824137688, -0.01262966264039278, -0.0038899597711861134, 0.020403601229190826, 0.005181629676371813, -0.022986942902207375, 8.979274571174756e-05, -0.015344561077654362, 0.03784114867448807, -0.001705781789496541, -0.0153086818754673, -0.025474602356553078, -0.04396462067961693, 0.007995198480784893, 0.017796341329813004, -0.03733883053064346, -0.017736542969942093, 0.04269687086343765, 0.006554029416292906, 0.005044091027230024, 0.013969171792268753, 0.0041979276575148106, -0.006619808729737997, -0.005032130982726812, 0.005531457252800465, 0.023931775242090225, 0.009753304533660412, 0.0038660401478409767, -0.018107300624251366, -0.003922849427908659, -0.014734606258571148, -0.017820261418819427, 0.021515874192118645, 0.013000419363379478, -0.0074988617561757565, 0.019099971279501915, -0.022113868966698647, -0.013143938034772873, 0.021635472774505615, 0.0015002208529040217, 0.02695763111114502, 0.021145116537809372, -0.028799457475543022, 0.03745843097567558, -0.011918047443032265, -0.0370757132768631, 0.020881997421383858, 0.026503155007958412, 0.025809479877352715, -0.01162503007799387, -0.005899224430322647, -0.007259663660079241, 0.027866583317518234, -0.027292508631944656, 0.006745387800037861, -0.029038654640316963, -0.012025686912238598, 0.010494818910956383, -0.01996108517050743, -0.0054327878169715405, -0.0063626705668866634, -0.0015592728741467, -0.024290572851896286, 0.009872903116047382, 0.016325274482369423, -0.037697628140449524, 0.022293267771601677, 0.02290322259068489, -0.03973081335425377, 0.0015062008751556277, -0.0016205674037337303, 0.02667059376835823, -0.009992502629756927, -0.043940700590610504, 0.03102399967610836, -0.009370587766170502, 0.012019706889986992, 0.0325070284307003, 0.010243660770356655, 0.02189859002828598, -0.004580644425004721, 0.007809819653630257, 0.0017924910644069314, -0.023226140066981316, 0.013143938034772873, -0.02590516023337841, -0.029277853667736053, 0.01515320222824812, -0.006847046781331301, 0.006876946892589331, 0.017497343942523003, 0.00762444082647562, -0.022687943652272224, -0.0065839290618896484, 0.017294026911258698, 0.0065779490396380424, 0.02631179615855217, -0.003327844198793173, -0.02949313074350357, 0.011254272423684597, 0.025067966431379318, -0.038774020969867706, 0.03377477824687958, 0.0011623535538092256, 0.008856311440467834, 0.023764336481690407, -0.010937334969639778, -0.006601868662983179, -0.03968297317624092, -0.02090591751039028, -0.03798466548323631, -0.020810239017009735, 0.0009291353053413332, 0.0034354834351688623, 0.01942288875579834, -0.011457591317594051, -0.016803670674562454, 0.020056765526533127, -0.022556385025382042, 0.04705027490854263, 0.010411099530756474, 0.01666015014052391, -0.008593193255364895, 0.028010103851556778, -0.03910889849066734, -0.026048678904771805, 0.023632777854800224, 0.028679857030510902, -0.03465981036424637, 0.012282825075089931, 0.02430253103375435, 0.021707231178879738, 0.0184900164604187, -0.004392276052385569, 0.02384805493056774, -0.017868101596832275, 0.021204914897680283, 0.006159352138638496, 0.02319025993347168, -0.016755830496549606, 0.011015074327588081, 0.020331842824816704, -0.03800858557224274, 0.046882838010787964, 0.034109655767679214, 0.023632777854800224, 0.028560258448123932, -0.04367758333683014, -0.03501860797405243, 0.009131389670073986, -0.02896689623594284, 0.006446389947086573, -0.002557925181463361, -0.020451441407203674, 0.027818745002150536, 0.019566409289836884, -0.01671995036303997, -0.015679439529776573, -0.028679857030510902, 0.0191836915910244, -0.03430101275444031, -0.0015757178189232945, 0.012665541842579842, 0.031406715512275696, 0.015224962495267391, -0.02071456052362919, 0.005486607551574707, 0.02036772295832634, 0.0146867660805583, -0.06228719651699066, 0.01936309039592743, -0.005328138824552298, 0.012246944941580296, -0.022640105336904526, 0.008957970887422562, 0.0022424827329814434, 0.06348318606615067, -0.014172490686178207, -0.03709963336586952, 0.028799457475543022, -0.015906676650047302, 0.017353825271129608, -0.03396613523364067, -0.023417498916387558, -0.02796226367354393, 0.026646673679351807, 0.023824134841561317, 0.0004810125392396003, 0.009645665064454079, -0.03138279542326927, 0.019638167694211006, -0.015093402937054634, -0.00014903166447766125, 0.014076811261475086, -0.007642380893230438, 0.00033674613223411143, 0.009394506923854351, -0.01724618673324585, 0.01766478270292282, 0.0009964097989723086, -0.011152613908052444, -0.0004922249354422092, 0.03992217034101486, -0.02036772295832634, 0.01071607694029808, -0.016098035499453545, 0.01694718934595585, 0.005920154042541981, 0.016026275232434273, 0.03300934284925461, -0.010931354947388172, 0.030832640826702118, 0.00012884930765721947, -0.0084496745839715, -0.04358190298080444, -0.00033226117375306785, -0.01106291450560093, -0.005549396853893995, 0.010919395834207535, -0.0037165412213653326, 0.03248310834169388, 0.015990396961569786, 0.01754518412053585, 0.024828767403960228, -0.026479234918951988, -0.020630840212106705, 0.007325443439185619, 0.0065839290618896484, 0.009645665064454079, -0.00042083923472091556, -0.02042752131819725, 0.02000892534852028, 0.002158763352781534, 0.0119539275765419, 0.022341107949614525, 0.021109236404299736, 0.05262359231710434, 0.03013896755874157, 0.010357280261814594, 0.03800858557224274, -0.014375808648765087, -0.010847635567188263, -0.01813121885061264, -0.00909550953656435, 0.0067992075346410275, 0.022699903696775436, -0.011900108307600021, -0.04657188057899475, 0.032291751354932785, -0.02037968300282955, 0.02348925732076168, 0.02860809862613678, 0.00018192140851169825, 0.0020137494429945946, -0.0012303754920139909, 0.01571531780064106, 0.002172218170017004, 0.0063626705668866634, -0.016468793153762817, -0.018920574337244034, 0.02767522633075714, 0.03037816472351551, -0.00590221444144845, 0.0006533099221996963, -0.016456833109259605, 0.02272382378578186, -0.011702769435942173, 0.03497076779603958, -0.0056420862674713135, 0.018286697566509247, 0.016803670674562454, 0.0030004417058080435, -0.017222266644239426, -0.027292508631944656, -0.002103448612615466, -0.011021054349839687, 0.04843762516975403, 0.03980257362127304, 0.045758605003356934, -0.01521300245076418, 0.022556385025382042, 0.017090708017349243, 0.024159012362360954, 0.013765853829681873, 0.029684489592909813, -0.01068019773811102, 0.006835087202489376, -0.020583000034093857, -0.014100730419158936, -0.004846752621233463, -0.017975740134716034, 0.014902045018970966, 0.017329905182123184, 0.013407056219875813, 0.043653663247823715, -0.007451022509485483, -0.005319168791174889, 0.04807882755994797, 0.003321864176541567, 0.01894449256360531, -0.04779179021716118, 0.01831061765551567, 0.02743602730333805, 0.0111825130879879, 0.007809819653630257, 0.003973679151386023, -0.0022992922458797693, -0.0037524208892136812, -0.011170553974807262, 0.03013896755874157, -0.025450682267546654, -0.008234396576881409, -0.060373611748218536, -0.001943484996445477, -0.02743602730333805, 0.014806365594267845, 0.017927901819348335, 0.024051373824477196, 0.05262359231710434, -0.002487660851329565, 0.011947947554290295, -0.007528761867433786, 0.010865575633943081, 0.012617702595889568, 0.008748671971261501, 0.0054238177835941315, 0.048892103135585785, 0.0018956452840939164, 0.009005810134112835, -0.00101135962177068, 0.016564471647143364, 0.0011474036145955324, 0.004371345974504948, -0.0006342488341033459, 0.025594200938940048], "788851b8-e719-4796-86ba-109ea1e03798": [-0.013547277078032494, 0.002572477562353015, 0.04450732097029686, 0.02360236831009388, -0.01703946478664875, -0.030394069850444794, 0.021916484460234642, -0.025384588167071342, -0.013583403080701828, 0.08130774646997452, -0.028130168095231056, -0.05934309586882591, -0.04532618075609207, 0.027552152052521706, 0.020242642611265182, -0.024276720359921455, -0.03651141747832298, 0.047301072627305984, -0.023120686411857605, 0.024409184232354164, 0.033669501543045044, 0.04609686881303787, 0.025095578283071518, 0.016425320878624916, 0.04419422894716263, -0.008754551410675049, 0.005774150602519512, 0.03826955333352089, -0.03458469361066818, -0.011909562163054943, 0.02745581604540348, -0.007550349459052086, 0.011476049199700356, -0.018809642642736435, 0.0018815663643181324, -0.01762952283024788, -0.00413342472165823, -0.02791341207921505, 0.03304331377148628, -0.04173765704035759, -0.03434385359287262, -0.0277207400649786, -0.0008068156312219799, -0.007749042473733425, 0.0010800190502777696, 0.04508534073829651, -0.07880301028490067, -0.0032573675271123648, -0.031044339761137962, 0.0013479541521519423, -0.05423727631568909, 0.015907514840364456, -0.015871388837695122, 0.017183968797326088, 0.011355629190802574, -0.02591443620622158, 0.011614532209932804, 0.0300328079611063, 0.030755329877138138, -0.008146429434418678, -0.008585963398218155, -0.004428454674780369, -0.02315681241452694, 0.059969279915094376, 0.005316553637385368, 0.021398676559329033, 0.014920067973434925, 0.011536259204149246, -0.008628110401332378, -0.00848360639065504, 0.0317668616771698, 0.0425565131008625, 0.0015278318896889687, -0.03241712972521782, -0.034897785633802414, -0.014594933949410915, -0.012318991124629974, 0.008525753393769264, 0.024348974227905273, 0.02945479191839695, -0.015859346836805344, -0.006430441047996283, -0.032826557755470276, -0.005584488622844219, 0.025553176179528236, 0.0012305444106459618, -0.06141432374715805, -0.038173217326402664, -0.023614410310983658, -0.04308636486530304, 0.01896618865430355, 0.0589095838367939, -0.013294395059347153, 0.028346925973892212, 0.03593340143561363, -0.015907514840364456, 0.006042085587978363, 0.008206639438867569, -0.00758647546172142, 0.05048016458749771, 0.020916996523737907, -0.06363005936145782, 0.005873497575521469, -0.03547580540180206, 0.049998484551906586, -0.03920883312821388, -0.010181531310081482, 0.04785500466823578, -0.01501640398055315, 0.004326097201555967, -0.12754912674427032, 0.003060179529711604, -0.026974134147167206, 0.028900858014822006, 0.011536259204149246, 0.01553421188145876, 0.025577260181307793, -0.04243609309196472, 0.009061623364686966, -0.0600656159222126, -0.023650536313652992, -0.03087574988603592, 0.010976305231451988, -0.03434385359287262, -0.015678714960813522, 0.0049583036452531815, 0.016052018851041794, 0.002515277825295925, -0.04149681702256203, -0.010789654217660427, -0.008712404407560825, 0.03593340143561363, 0.014871899969875813, -0.019917508587241173, -0.009693829342722893, 0.015136824920773506, -0.04385705292224884, 0.027094554156064987, -0.03431976959109306, -0.012884966097772121, 0.021001290529966354, -0.006647197529673576, -0.05298490822315216, 0.007658727467060089, 0.010018964298069477, -0.05741637200117111, -0.015257244929671288, -0.023180896416306496, -0.006629134528338909, -0.007821294479072094, 0.007556370459496975, 0.03795646131038666, -0.033404577523469925, -0.00034075166331604123, 0.017027422785758972, 0.005894571077078581, 0.017400724813342094, 0.04306228086352348, -0.03171869367361069, 0.03431976959109306, -0.05510430410504341, -0.005894571077078581, -0.029141699895262718, -0.04532618075609207, -0.01998976059257984, -0.026901882141828537, -0.01724417880177498, -0.055200640112161636, -0.03453652560710907, -0.01028388924896717, -0.014871899969875813, -0.012150402180850506, -0.004675316158682108, -0.01103049423545599, 0.03923291712999344, 0.0016873886343091726, 0.0039136577397584915, -0.043495792895555496, -0.029238035902380943, 0.00929644238203764, -0.024276720359921455, 0.020555736497044563, -0.055007968097925186, 0.005735014099627733, 0.0060330540873110294, -0.011771079152822495, 0.0019041451159864664, 0.03586114943027496, -0.05404460430145264, -0.0046241371892392635, -0.01782219670712948, 0.014703311957418919, 0.004335128702223301, -0.05279223620891571, -0.07914018630981445, -0.022398164495825768, 0.04226750507950783, -0.03884756937623024, 0.025553176179528236, -0.014438387006521225, 0.04159315302968025, -0.012150402180850506, 0.0321522057056427, 0.008880993351340294, -0.018243666738271713, -0.014715353958308697, -0.013739950023591518, 0.0025574248284101486, -0.03472919762134552, -0.037787873297929764, 0.04744557663798332, -0.03916066512465477, 0.0201222226023674, 0.05476712808012962, -0.0512026883661747, 0.03689676150679588, -0.04831260070204735, -0.0018830716144293547, -0.04438690096139908, 0.030827581882476807, 0.01041635125875473, 0.0057590981014072895, 0.0360056534409523, -0.009236232377588749, 0.01974892057478428, 0.02412017434835434, 0.01115693524479866, -0.026058940216898918, 0.055730488151311874, -0.025095578283071518, 0.009778124280273914, 0.005166028626263142, -0.0020351021084934473, -0.02283167839050293, 0.07143329083919525, -0.07634643465280533, 0.04065387323498726, -0.014799647964537144, -0.043495792895555496, 0.0008941203122958541, 0.005500194616615772, 0.0336935855448246, 0.006291957572102547, 0.07369718700647354, 0.04612095281481743, -0.037137601524591446, 0.006406357046216726, -0.05760904401540756, 0.052888572216033936, -0.017075590789318085, 0.015401748940348625, -0.012728420086205006, 0.017533186823129654, -0.04429056495428085, -0.024035880342125893, -0.039449673146009445, -0.0461932048201561, 0.02309660241007805, 0.012325012125074863, -0.046024616807699203, -0.0031700630206614733, 0.009964775294065475, -0.034897785633802414, -0.0069000800140202045, -0.02250654436647892, 0.017196010798215866, 0.005876508075743914, 0.05732003599405289, -0.03150193765759468, -0.07340817898511887, -0.031598273664712906, 0.03415118157863617, -0.013198059052228928, 0.02127825655043125, 0.0005644698976539075, 0.012728420086205006, -0.019255196675658226, -0.006472588051110506, 0.031357429921627045, -0.04111147299408913, 0.0007917631301097572, -0.009693829342722893, 0.005509226117283106, 0.00939277932047844, 0.03800462931394577, -0.008206639438867569, 0.0007067163242027164, 0.013655656017363071, -0.01998976059257984, 0.005099797155708075, 0.017533186823129654, -0.04867386445403099, -0.050383828580379486, 0.01773790270090103, 0.052262384444475174, 0.023879334330558777, 0.022867804393172264, -0.012945176102221012, -0.009007434360682964, 0.0277207400649786, 0.030562657862901688, -0.009471052326261997, -0.03164644166827202, -0.007724958471953869, 0.005647709593176842, 0.0166541188955307, 0.023518074303865433, 0.007502180989831686, 0.020495524629950523, -0.05539331212639809, 0.01270433608442545, 0.05910225585103035, 0.06709816306829453, -0.040870629251003265, -0.05539331212639809, -0.038751233369112015, 0.02116987854242325, 0.012240718118846416, -0.009398800320923328, 0.0012132339179515839, -0.0072794039733707905, 0.015522169880568981, -0.03547580540180206, -0.0138603700324893, -0.037522949278354645, -0.06401540338993073, 0.033476829528808594, 0.013559319078922272, -0.010320015251636505, -0.009121833369135857, 0.02861184999346733, -0.039449673146009445, -0.003054158529266715, 0.015558295883238316, 0.0010574402986094356, 0.053418420255184174, -0.05086551234126091, 0.03227262571454048, -0.009964775294065475, 0.010320015251636505, -0.0025498985778540373, -0.046337708830833435, 0.005391816608607769, -0.010103258304297924, 0.016894960775971413, -0.030755329877138138, -0.00884486734867096, 0.008471564389765263, -0.0008331575663760304, 0.04754191264510155, -0.024517562240362167, 0.03155010566115379, -0.036101989448070526, 0.029743799939751625, -0.035981569439172745, 0.00451575918123126, 0.018893936648964882, -0.006075201090425253, -0.04792725667357445, -0.010621065273880959, -0.04494083672761917, -0.012487579137086868, 0.04609686881303787, -0.003871510736644268, -0.004744557663798332, 0.04561518877744675, -0.055730488151311874, -0.06343738734722137, -0.007092752493917942, 0.01048258226364851, -0.006042085587978363, -0.08381249010562897, 0.05144352838397026, 0.030779413878917694, -0.03427160158753395, 0.002411415334790945, 0.04339945688843727, 0.0058584450744092464, -0.024144258350133896, 0.05023932456970215, 0.0819820985198021, 0.008122345432639122, -0.016581866890192032, -0.030755329877138138, 0.035018205642700195, -0.0007955262553878129, 0.0028599807992577553, -0.015293370932340622, 0.005602551624178886, -8.833954052533954e-05, -0.0032904832623898983, 0.004910135641694069, 0.03497003763914108, -0.01318601705133915, 0.015257244929671288, 0.009398800320923328, -0.013005386106669903, 0.028852690011262894, 0.025480924174189568, -0.04693981260061264, 0.03607790544629097, -0.04404972493648529, -0.05491163209080696, 0.011987835168838501, 0.005972844082862139, 0.051877040416002274, -0.004524790681898594, 0.012969260104000568, 0.038678981363773346, 0.00679772300645709, 0.030923917889595032, -0.01915886066854, 0.0519733764231205, 0.0033085462637245655, 0.0363909974694252, -0.04840893670916557, 0.04270101711153984, 0.05240688845515251, 0.0321522057056427, -0.048649780452251434, 0.021519098430871964, -0.040364865213632584, -0.011698827147483826, -0.007303487975150347, -0.05322574824094772, 0.0010318509303033352, 0.030177313834428787, 0.007339613977819681, 0.05255139619112015, -0.07639460265636444, -0.01330643706023693, 0.01282475609332323, 0.006882017012685537, 0.021952610462903976, -0.020086096599698067, 0.013354605063796043, -0.004398349206894636, 0.009284400381147861, 0.008850888349115849, -0.016160396859049797, -0.02642020210623741, -0.00835716538131237, -0.015233160927891731, 0.014269798994064331, -0.007658727467060089, 0.013655656017363071, -0.016822708770632744, 0.022494502365589142, 0.018279792740941048, 0.020375104621052742, -0.06069180369377136, -0.01666616089642048, 0.012583915144205093, 0.05086551234126091, -0.008983350358903408, 0.0020802596118301153, -0.0005166780902072787, -0.0596802718937397, 0.04238792508840561, -0.012439411133527756, -0.011457986198365688, 0.03708943352103233, 0.03658366948366165, 0.016497572883963585, 0.029430707916617393, 0.03807688131928444, 0.008290933445096016, -0.002303037093952298, 0.016545740887522697, -0.010410330258309841, 0.00993467029184103, 0.041376397013664246, 0.006725470535457134, 0.017075590789318085, -0.06690549105405807, -0.04501308873295784, 0.01638919487595558, 0.02507149428129196, -0.022675132378935814, -0.0028765385504812002, 0.011783121153712273, 0.012318991124629974, -0.031212927773594856, -0.009862418286502361, 0.045880112797021866, -0.021555224433541298, 0.02225366048514843, 0.03429568558931351, 0.009025497362017632, -0.030177313834428787, -0.036294661462306976, 0.021892400458455086, 0.050528332591056824, -0.010265826247632504, 0.030586741864681244, -0.00903151836246252, -0.05866874381899834, -0.041833993047475815, -0.013908538036048412, -0.0022759425919502974, -0.0007657975074835122, -0.02077249251306057, 0.01407712697982788, 0.04397747293114662, 0.06223318353295326, 0.03277838975191116, 0.052310552448034286, 0.007110815495252609, -0.001460848143324256, -0.018496548756957054, 0.009663724340498447, 0.01730438880622387, 0.014871899969875813, -0.03634282946586609, 0.013366647064685822, 0.02431284636259079, 0.044025640934705734, 0.020049970597028732, -0.023951586335897446, 0.007261340506374836, -0.026925966143608093, 0.00785139948129654, 0.011277356185019016, 0.005265375133603811, -0.012523705139756203, -0.008790677413344383, -0.020555736497044563, 0.012909050099551678, -0.01582322083413601, -0.04123189300298691, 0.010560855269432068, -0.028178337961435318, -0.009073665365576744, 0.007014479022473097, -0.004380286205559969, -0.0406297892332077, -0.004804767668247223, -0.027817076072096825, -0.004524790681898594, -0.02412017434835434, 0.02656470611691475, -0.03497003763914108, 0.04043711721897125, 0.013330521062016487, -0.006785680539906025, -0.012084171175956726, -0.004973356146365404, 0.009892523288726807, 0.006924164015799761, -0.0321522057056427, 0.018050994724035263, 0.0019854288548231125, 0.021916484460234642, 0.007730979472398758, 0.06897671520709991, 0.004380286205559969, -0.039642345160245895, -0.02123008854687214, 0.002331637078896165, -0.0014284851495176554, 0.014727395959198475, -0.02487882226705551, 0.0375470332801342, 0.0068037440069019794, 0.0047295051626861095, 0.03087574988603592, -0.00569286709651351, 0.0076527064666152, -0.0050937761552631855, 0.002241321839392185, 0.03354908153414726, 0.0069783530198037624, -0.013475025072693825, -0.07865850627422333, -0.004235782194882631, -0.0037601222284138203, -0.03236896172165871, -0.008778635412454605, 0.015654630959033966, 0.034367937594652176, -0.017087632790207863, -0.039521925151348114, 0.012945176102221012, 0.026131192222237587, -0.010994368232786655, -0.0046843476593494415, 0.013475025072693825, 0.026275698095560074, -0.008116324432194233, 0.022012820467352867, 0.020676156505942345, -0.0235903263092041, 0.031237011775374413, 0.057657212018966675, -0.010259805247187614, 0.007002437021583319, -0.060932643711566925, 0.013535235077142715, 0.0019252186175435781, 0.013017428107559681, 0.0060992855578660965, 0.00218713260255754, -0.005963812582194805, 0.01463105995208025, -0.02051961049437523, -0.005930697079747915, 0.015269286930561066, -0.0009784144349396229, -0.010398288257420063, -0.006827828008681536, 0.022988224402070045, -0.009109791368246078, -0.004178582690656185, -0.008995392359793186, -0.0011236714199185371, 0.01696721278131008, 0.01705150678753853, 0.019182944670319557, 0.012909050099551678, 0.008820782415568829, 0.007749042473733425, 0.02560134418308735, 0.009242253378033638, 0.04246017709374428, 0.04034078121185303, 0.021579308435320854, -0.004196645691990852, -0.016112228855490685, 0.011620553210377693, -0.04207483306527138, -0.010554834268987179, 0.00022672873456031084, 0.04219525307416916, -0.004386307206004858, 0.002688382053747773, 0.015040488913655281, 0.00578619260340929, -0.01607610285282135, -0.015979766845703125, -0.0009919618023559451, -0.001271186163648963, 0.008591984398663044, 0.04147273302078247, -0.017328472808003426, 0.019821172580122948, -0.023433780297636986, -0.0017566302558407187, 0.008766593411564827, -0.015425832942128181, -0.019399700686335564, 0.0168467927724123, -0.0612216517329216, 0.018050994724035263, -0.023650536313652992, 0.05125085636973381, -0.0022669110912829638, 0.009302464313805103, 0.01915886066854, -0.01137971319258213, 0.0007138662622310221, -0.031598273664712906, 0.012872924096882343, 0.006966311018913984, -0.03747478127479553, -0.023831166326999664, 0.008874972350895405, 0.01807507872581482, -0.003419935004785657, 0.04655446484684944, 0.007809252943843603, -0.018821684643626213, -0.0055182576179504395, 0.01717192679643631, -0.018412254750728607, -0.00036295413156040013, 0.016617992892861366, 0.0313815139234066, -0.04185807704925537, -0.031477853655815125, 0.021302340552210808, 0.01903844065964222, 0.0071710254997015, -0.05332208424806595, -0.001649757381528616, 0.029791967943310738, 0.02752806805074215, 0.024710234254598618, 0.025119662284851074, -0.008026009425520897, 0.0014473007759079337, -0.0011846341658383608, -0.01677454076707363, 0.014089168980717659, -2.735326961555984e-05, 0.012102234177291393, 0.020146306604146957, 0.01601589284837246, 0.02032693661749363, 0.005108828656375408, -0.10606615245342255, 0.0016602941323071718, 0.02598668821156025, 0.025095578283071518, -0.02502332627773285, -0.04308636486530304, -0.024481436237692833, -0.010235720314085484, 0.0020998280961066484, 0.04855344071984291, 0.03010506182909012, 0.01549808494746685, 0.015991808846592903, -0.01834000274538994, -0.007628622464835644, 0.02726314403116703, 0.017388682812452316, 0.00848360639065504, 0.021398676559329033, 0.04771050065755844, -0.018990272656083107, -0.003751090494915843, 0.01414937898516655, 0.002333142329007387, -0.007929673418402672, 0.021398676559329033, -0.017918532714247704, -0.044675908982753754, 0.008604026399552822, -0.014233672991394997, -0.0020486493594944477, -0.013559319078922272, 0.03287472575902939, 0.0034560610074549913, 0.0036366914864629507, -0.000713113637175411, 0.029358455911278725, -0.03260980173945427, -0.008670257404446602, -0.014522681012749672, -0.010476561263203621, 0.010175510309636593, -0.019652584567666054, -0.01715988479554653, -0.001088297925889492, 0.023265190422534943, -0.007779147941619158, -0.00758647546172142, 0.006779659539461136, -0.0496613085269928, 0.021952610462903976, 0.013944664038717747, 0.009970796294510365, -0.01834000274538994, 0.02642020210623741, 0.046723052859306335, 0.03393442556262016, -0.0037270064931362867, -0.0055694361217319965, -0.0018755452474579215, 0.03049040585756302, 0.02244633436203003, 0.06897671520709991, -0.03431976959109306, -0.009200106374919415, -0.022843720391392708, -0.01749706082046032, 0.02687779814004898, -0.014221630990505219, 0.0066893445327878, 0.009489115327596664, -0.0021389645989984274, -0.013402773067355156, 0.0292621199041605, 0.022398164495825768, 0.037330277264118195, -0.036101989448070526, -0.015726882964372635, -0.014739437960088253, 0.02887677401304245, -0.01511274091899395, -0.03588523343205452, 0.014125294983386993, -0.025095578283071518, -0.02392750233411789, 0.010741486214101315, 0.025312336161732674, 0.006364210043102503, -0.03287472575902939, 0.0027817075606435537, -0.02918986789882183, 0.02815425395965576, -0.013739950023591518, 0.005307522136718035, 0.023758914321660995, 0.0153054129332304, 0.029045362025499344, 0.045880112797021866, -0.005771140102297068, 0.006490651052445173, 0.0252159982919693, 0.009278379380702972, 0.025625428184866905, -0.024999242275953293, 0.022073030471801758, 0.010639128275215626, 0.04313453286886215, -0.00929042138159275, 0.026829630136489868, -0.003323598764836788, -0.024204468354582787, -0.0031309262849390507, 0.010741486214101315, 0.004889062140136957, 0.018737390637397766, 0.018761474639177322, -0.013390731066465378, -0.0045789796859025955, -0.007730979472398758, 0.006785680539906025, 0.010169489309191704, 0.056501179933547974, -0.012451453134417534, 0.003597554750740528, 0.0013878432800993323, 0.003148989286273718, -0.0011206609196960926, -0.0038986054714769125, -0.04925188049674034, 0.03015322983264923, -0.005497184116393328, -0.006454525049775839, 0.01157238520681858, -0.025288252159953117, -0.01998976059257984, 0.00034714897628873587, -0.009344611316919327, -0.016316942870616913, 0.008513711392879486, 7.21110263839364e-05, 0.021374592557549477, 0.008212660439312458, 0.01755727082490921, -0.006454525049775839, 0.006857933010905981, 0.0036216387525200844, 0.0028494440484791994, -0.015522169880568981, -0.018918020650744438, 0.031020255759358406, 0.011205103248357773, 0.028780438005924225, -0.0030511480290442705, -0.04046120122075081, -0.006791701540350914, 0.015474000945687294, -0.0005230754613876343, 0.007959778420627117, 0.042026665061712265, -0.015377664938569069, 0.0020712281111627817, -0.032898809760808945, 0.023566242307424545, 0.004747568164020777, -0.017858322709798813, 0.01192762516438961, -0.01838817074894905, 0.0257940161973238, -0.007983862422406673, -0.018809642642736435, -0.023229064419865608, -0.017075590789318085, 0.011566364206373692, 0.04404972493648529, -0.006478609051555395, 0.006960290018469095, -0.029984639957547188, 0.018556758761405945, 0.035403553396463394, 0.01730438880622387, 0.0019854288548231125, 0.04831260070204735, -0.030394069850444794, -0.01846042275428772, 0.010175510309636593, -0.013402773067355156, -0.007207151502370834, 0.014968235976994038, 0.030562657862901688, 0.0040130047127604485, -0.0034951975103467703, -0.004178582690656185, -0.020724324509501457, 0.01407712697982788, 0.02784116007387638, -0.004235782194882631, 0.04561518877744675, 0.010867927223443985, 0.004371254704892635, 0.0024430255871266127, 0.03564439341425896, -0.013968748040497303, -0.02803383208811283, 0.02861184999346733, 0.011187040247023106, -0.0017491040052846074, 0.032898809760808945, 0.023120686411857605, 0.0124153271317482, 0.020158348605036736, 0.02057982049882412, 0.022795552387833595, -0.040413033217191696, 0.032441213726997375, -0.007773126941174269, 0.03612607344985008, 0.011722911149263382, -0.03383808955550194, 0.02815425395965576, 0.0076527064666152, -0.023710746318101883, 0.009687808342278004, -0.011060599237680435, -0.0049191671423614025, -0.014522681012749672, 0.008989371359348297, -0.015546253882348537, -1.203026477014646e-05, 0.05915042385458946, 0.034175265580415726, -0.028780438005924225, 0.01787036471068859, -0.02707047015428543, 0.01270433608442545, 0.014847815968096256, 0.03670408949255943, -0.01846042275428772, 0.03788420930504799, -0.007189088501036167, 0.018147330731153488, -0.004518769681453705, -0.008080198429524899, -0.014366135001182556, 0.008790677413344383, 0.0038865634705871344, 0.030972085893154144, -0.02856368198990822, 0.013968748040497303, 0.015377664938569069, -0.005467079114168882, 0.034825533628463745, 0.021820148453116417, 0.017400724813342094, -0.0027516025584191084, -0.013944664038717747, -0.023301316425204277, 0.019628500565886497, -0.009543304331600666, -0.01948399469256401, -0.03140559792518616, -0.016738414764404297, -0.021832190454006195, 0.002447541570290923, -0.040750209242105484, 0.010867927223443985, 0.050191156566143036, -0.004368244204670191, -0.01575096882879734, 0.02507149428129196, 0.09903360903263092, -0.002989432541653514, 0.0024445310700684786, 0.06493059545755386, 0.015184992924332619, 0.031598273664712906, 0.02045939862728119, -0.010952221229672432, 0.030658993870019913, -0.023433780297636986, 0.027094554156064987, 0.026275698095560074, 0.01929132267832756, -0.002077249111607671, 0.03415118157863617, -0.007791189942508936, -0.01270433608442545, 0.006096275057643652, -0.011813226155936718, -0.0016452416311949492, 0.019375616684556007, 0.005831350106745958, -0.00392569974064827, -0.012620041146874428, -0.022915972396731377, -0.0033326302655041218, 0.005163018126040697, -0.010181531310081482, -0.030707161873579025, 0.0220489464700222, 0.03834180533885956, -0.009952733293175697, 0.031357429921627045, 0.005930697079747915, 0.04282143712043762, -0.008579942397773266, 0.009109791368246078, -0.005816297605633736, 0.020086096599698067, -0.01929132267832756, 0.0017205042531713843, -0.0022548690903931856, -0.018821684643626213, 0.0060782115906476974, 0.00826684944331646, -0.008754551410675049, -0.0643044114112854, -0.014245714992284775, -0.024975158274173737, -0.009176022373139858, -0.014643101952970028, -0.052069712430238724, -0.01755727082490921, 0.02238612249493599, 0.014113252982497215, -0.03391034156084061, -0.02334948442876339, 0.0035433657467365265, 0.026203444227576256, -0.009428905323147774, 0.014606975950300694, 0.002709455555304885, 0.000847457442432642, 0.010374204255640507, 0.03323598578572273, 0.0005960802081972361, -0.015546253882348537, 0.010705359280109406, -0.03419934958219528, 0.008435438387095928, -0.02372278831899166, -0.02283167839050293, -0.011530238203704357, 0.010145405307412148, 0.015449916943907738, 0.012379201129078865, -0.013342563062906265, 0.03819730132818222, -0.008092240430414677, -0.03708943352103233, 0.0038865634705871344, 0.033862173557281494, -0.020880870521068573, -0.026034856215119362, 0.012234697118401527, -0.030586741864681244, 0.0010612034238874912, -0.012668210081756115, -0.021687686443328857, -0.021446844562888145, 0.007405844982713461, -0.006255831569433212, -0.006075201090425253, 0.02056777849793434, -0.010560855269432068, -0.015931598842144012, 0.012252760119736195, 0.012312970124185085, -0.006924164015799761, -0.012391243129968643, 0.028443261981010437, 0.005783182103186846, 0.041063304990530014, 0.028346925973892212, 0.022349996492266655, -0.04445915296673775, 0.007730979472398758, -0.001976397354155779, -0.02591443620622158, 0.0012621546629816294, 0.03068307787179947, 0.010458498261868954, -0.0281060840934515, 0.00385946873575449, -0.009151938371360302, 0.029310287907719612, -0.030755329877138138, -0.01748501881957054, 0.008610047399997711, 0.006291957572102547, 0.009176022373139858, 0.017412766814231873, -0.004765631165355444, 0.025312336161732674, -0.002251858590170741, 0.0178101547062397, 0.016834750771522522, 0.03627057746052742, -0.005295480135828257, 0.039377421140670776, -0.009176022373139858, -0.006255831569433212, 0.04007585719227791, 0.011373692192137241, 0.00932654831558466, -0.002795254811644554, 0.002783212810754776, 0.0300328079611063, 0.008224702440202236, -0.022494502365589142, -0.0005038834642618895, 0.03273022174835205, 0.015787094831466675, -0.013077638112008572, -0.019279280677437782, -0.0029111593030393124, 0.021723812445998192, 0.013475025072693825, 0.0329228937625885, 0.00509678665548563, 0.010735465213656425, 0.006936206016689539, 0.0033356407657265663, -0.018556758761405945, -0.010434414260089397, 0.007821294479072094, 0.0012252760352566838, -0.015799136832356453, -0.016834750771522522, 0.008170513436198235, 0.0010837821755558252, 0.00410030921921134, -0.028395093977451324, -0.007749042473733425, -0.0040190257132053375, -0.04462774097919464, 0.005187102127820253, -0.0009227201226167381, 0.022012820467352867, -0.018159372732043266, -0.01575096882879734, -0.0235903263092041, 0.009115812368690968, 0.015329496935009956, -0.008796698413789272, 0.027937496080994606, 0.017063548788428307, -0.018026910722255707, -0.0022639005910605192, 0.06574945151805878, -0.010554834268987179, 0.029984639957547188, -0.00820061843842268, 0.017087632790207863, -0.042026665061712265, -0.006605050526559353, -0.009525241330265999, -0.06001744791865349, -0.0261793602257967, -0.02976788394153118, 0.021711770445108414, -0.005722972098737955, 0.033717669546604156, -0.026709210127592087, -0.016630034893751144, -0.015160908922553062, -0.004717463161796331, -0.005379774607717991, -0.01576301082968712, 0.004184603691101074, 5.0049664423568174e-05, 0.021507056429982185, 0.028900858014822006, 0.03203178569674492, -0.02218140847980976, 0.03287472575902939, 0.016256732866168022, 0.01890597864985466, -0.01767769269645214, 0.005057650152593851, 0.0012982807820662856, 0.046145036816596985, 0.0153054129332304, -0.019074566662311554, 0.0013110754080116749, 0.02798566408455372, 0.008694341406226158, 0.024276720359921455, -0.006737512536346912, -0.0009731461177580059, 0.026203444227576256, 0.009007434360682964, 0.01929132267832756, -0.012084171175956726, -0.002235300838947296, -0.0004192129708826542, -0.026444286108016968, -0.005590509623289108, -0.008236744441092014, 0.024806570261716843, 0.007785168942064047, -0.007923652417957783, -0.02354215830564499, -0.021398676559329033, -0.022422250360250473, -0.015642588958144188, 0.00922419037669897, 0.003269409528002143, -0.022675132378935814, 0.014041000045835972, -0.017412766814231873, 0.02702230215072632, -0.009489115327596664, -0.03188728168606758, -0.012318991124629974, -0.02277146838605404, 0.013643614016473293, 0.0025333408266305923, -0.02991238795220852, -0.03188728168606758, 0.028250589966773987, 0.03195953369140625, 0.019122734665870667, 0.021145794540643692, 0.01736459881067276, 5.32953672518488e-05, -0.012632083147764206, 0.027865244075655937, 0.02443326823413372, 0.012270823121070862, 0.015389706939458847, -0.0030376005452126265, 0.010663212276995182, 0.002817833796143532, -0.018026910722255707, 0.009778124280273914, 0.007333592977374792, 0.007327571976929903, 0.033356405794620514, -0.03684859350323677, -0.0014691270189359784, 0.02354215830564499, 0.0036095967516303062, 0.0254086721688509, 0.013824244029819965, -0.026829630136489868, 0.036752257496118546, -0.001964355120435357, -0.035523973405361176, 0.0273353960365057, 0.0156907569617033, 0.01960441656410694, -0.026155276224017143, -0.016160396859049797, -0.010627086274325848, 0.015859346836805344, -0.024216510355472565, 0.015160908922553062, -0.042147085070610046, 0.009061623364686966, 0.012523705139756203, 0.006096275057643652, -0.018231624737381935, -0.0037089434918016195, -0.015377664938569069, -0.009254295378923416, 0.010867927223443985, 0.006593008525669575, -0.04725290462374687, -0.0017807143740355968, 0.026468370109796524, -0.03581298142671585, -0.0047686416655778885, -0.005060660652816296, 0.01677454076707363, -0.00124936003703624, -0.029599295929074287, 0.019255196675658226, -0.004792725667357445, -0.004702410660684109, 0.021181920543313026, 0.013005386106669903, 0.006255831569433212, -0.005969833582639694, 0.02045939862728119, -0.007309508975595236, -0.008989371359348297, -0.007664748467504978, -0.01563054695725441, -0.0356203094124794, 0.002583014313131571, -0.012680252082645893, 0.0018650084966793656, 0.023301316425204277, 0.010301952250301838, -0.03711351752281189, -0.011662700213491917, 0.012836798094213009, 0.006213684566318989, -0.003579491749405861, 0.025505008175969124, -0.009061623364686966, 0.01988138258457184, 0.0038233427330851555, -0.021771980449557304, 0.01576301082968712, -0.005825329106301069, 0.01570279896259308, 0.005828339606523514, -0.027937496080994606, -0.007592496462166309, -0.04065387323498726, -0.013523193076252937, -0.018050994724035263, -0.019953634589910507, 0.00883884634822607, -0.0028795490507036448, 0.005147965624928474, -0.019520120695233345, -0.021844232454895973, -0.005379774607717991, -0.011415839195251465, 0.05438178405165672, 0.017352556809782982, -0.01647348888218403, -0.0002167564380215481, 0.029141699895262718, -0.030514489859342575, -0.03468102961778641, 0.015738926827907562, 0.02984013594686985, -0.01903844065964222, 0.0057199615985155106, 0.041063304990530014, 0.02533642016351223, -0.010115300305187702, -0.007935694418847561, 0.012192550115287304, -0.009308485314249992, 0.03362133353948593, -0.01923111267387867, 0.029936471953988075, -0.0060390750877559185, 0.007062647491693497, 0.002983411541208625, -0.037137601524591446, 0.02957521192729473, 0.04161723703145981, 0.005710930097848177, 0.027503984048962593, -0.026636958122253418, -0.03311556577682495, 0.005099797155708075, -0.024577772244811058, 0.01619652286171913, 0.006376252043992281, -0.01666616089642048, 0.026275698095560074, 0.042219337075948715, -0.017858322709798813, -0.008887014351785183, -0.032320793718099594, 0.014450429007411003, -0.02032693661749363, 0.002011018106713891, -0.0011831289157271385, 0.03210403770208359, 0.024806570261716843, -0.044844500720500946, 0.006502693053334951, 0.0076888324692845345, 0.038100965321063995, -0.0440978929400444, 0.0352349616587162, -0.0012696809135377407, 0.027672572061419487, -0.027672572061419487, 0.0007187583250924945, -0.007381760980933905, 0.06102897971868515, -0.023891376331448555, -0.031983617693185806, 0.03265796974301338, -0.012644126079976559, 0.013270311057567596, -0.016702288761734962, -0.00490411464124918, -0.01543787494301796, 0.019375616684556007, 0.023421738296747208, 0.02173585444688797, 0.012288886122405529, -0.025312336161732674, 0.014920067973434925, -0.006024022586643696, -0.008122345432639122, 0.002262395340949297, -0.01035614125430584, -0.006875996012240648, 0.03684859350323677, -0.016292858868837357, 0.021049458533525467, -0.01767769269645214, -0.0036818489897996187, 0.012776588089764118, 0.04212300106883049, -0.01428184099495411, 0.0031580207869410515, 0.0042478241957724094, 0.005647709593176842, 0.0017491040052846074, 0.03106842376291752, 0.02875635400414467, -0.016545740887522697, 0.02880452200770378, 0.01357136107981205, -0.014233672991394997, -0.037908293306827545, 0.007074689492583275, -0.014908025972545147, 0.01270433608442545, -0.0008790677529759705, -0.018352044746279716, 0.021495014429092407, -0.012174487113952637, 0.018821684643626213, 0.026083024218678474, -0.010813738219439983, -0.0018228614935651422, -0.0002047144080279395, 0.024156300351023674, -0.01041635125875473, 0.0013261279091238976, -0.009248274378478527, 0.017135800793766975, 0.0025559195782989264, 0.01666616089642048, 0.026998218148946762, 0.025673596188426018, 0.05259956419467926, 0.026468370109796524, -0.014920067973434925, 0.029286203905940056, -0.03049040585756302, 0.007622601464390755, -0.003197157522663474, -0.0005836618947796524, -0.008977329358458519, 0.013354605063796043, -0.026131192222237587, -0.03241712972521782, 0.011542280204594135, -0.002945780288428068, 0.041448649019002914, 0.01755727082490921, -0.0002854336053133011, 0.013475025072693825, 0.007441970985382795, 0.013330521062016487, 0.019857298582792282, 0.0050486186519265175, -0.01813528873026371, 0.004082246217876673, 0.02372278831899166, 0.021952610462903976, -0.01942378468811512, 0.0014691270189359784, -0.026588790118694305, 0.02050756849348545, -0.003775174729526043, 0.02450552023947239, 0.0006766112637706101, -0.012090192176401615, 0.008983350358903408, 0.010211636312305927, -0.02277146838605404, -0.03313964977860451, -0.0002617258869577199, -0.015799136832356453, 0.04224342107772827, 0.04824034869670868, 0.049420468509197235, -0.0203991886228323, 0.01736459881067276, 0.022988224402070045, 0.021206004545092583, 0.018508590757846832, 0.02918986789882183, -0.015799136832356453, 0.0010032511781901121, -0.023999754339456558, -0.01628081686794758, -0.008453501388430595, 0.0008233734406530857, 0.015028446912765503, 0.004892072640359402, 0.02552909217774868, 0.026131192222237587, -0.010590960271656513, 0.006526777055114508, 0.024577772244811058, -0.006960290018469095, 0.02719089202582836, -0.023626452311873436, 0.024926990270614624, 0.015269286930561066, 0.010584939271211624, 0.0006551613914780319, -0.016256732866168022, -0.009350632317364216, -0.014161420986056328, -0.028732270002365112, 0.0267573781311512, -0.008561879396438599, 0.0006506456411443651, -0.06396723538637161, 0.005978865083307028, -0.03757111728191376, 0.0069783530198037624, 0.022747384384274483, 0.01553421188145876, 0.04937230050563812, -0.009151938371360302, 0.021049458533525467, 0.004744557663798332, -0.01955624856054783, 0.0020411231089383364, 0.011181019246578217, -0.012728420086205006, 0.04975764453411102, -0.0037541009951382875, 0.0025498985778540373, 0.00638227304443717, 0.02089291252195835, 0.0014736427692696452, -0.012023961171507835, -0.007911610417068005, 0.026853714138269424], "df752e78-023d-4043-b0f9-a822ac6ebb6c": [-0.014788337051868439, -0.0030352415051311255, 0.04031391814351082, 0.0014699065359309316, 0.017620408907532692, 0.02088344655930996, 0.04031391814351082, -0.017903614789247513, -0.0010420174803584814, 0.05506531521677971, -0.005208548158407211, -0.0741756409406662, -0.05142056196928024, 0.039599742740392685, 0.02502073347568512, -0.017558841034770012, -0.04555940628051758, 0.04107734560966492, -0.032334864139556885, 0.03206397220492363, 0.044278815388679504, 0.04917953163385391, 0.015564078465104103, 0.015588704496622086, 0.052553389221429825, -0.018802490085363388, 0.0023857122287154198, 0.044303443282842636, -0.0013460033806040883, -0.016573773697018623, 0.025439387187361717, -0.0070432377979159355, -0.03299978747963905, 0.01601967215538025, 0.015724152326583862, -0.009124194271862507, -0.021806947886943817, -0.01069414708763361, 0.033787839114665985, -0.04514075070619583, -0.011999362148344517, -0.0022949010599404573, 0.005941192619502544, -0.017349515110254288, 0.004752954002469778, 0.04376165568828583, -0.029872193932533264, -0.029404286295175552, -0.07136819511651993, 0.014702143147587776, -0.05063250660896301, 0.02827145904302597, -0.00443896371871233, -0.006181302946060896, 0.020243152976036072, -0.017681974917650223, 0.005199313163757324, -0.0007391859544441104, 0.02423267811536789, -0.0022210211027413607, 0.0071602147072553635, 0.01898718997836113, -0.036250509321689606, 0.07516070455312729, 0.021178966388106346, -0.0011512985220178962, 0.004134208429604769, 0.032778143882751465, -0.0196151714771986, 0.01585959829390049, 0.026547588407993317, 0.051223546266555786, 0.019725991412997246, -0.01464057620614767, -0.03292590379714966, -0.004522078670561314, -0.02112971432507038, 0.028566978871822357, 0.04280121624469757, 0.01662302576005459, 0.0047560324892401695, -0.02568565495312214, -0.043835535645484924, -0.02337074466049671, 0.04033854231238365, -0.010103106498718262, -0.05343995243310928, -0.03386171907186508, -0.04521463066339493, -0.051322054117918015, -0.004057249985635281, 0.0450422465801239, -0.045633286237716675, 0.05063250660896301, 0.03450201451778412, 0.022730449214577675, -0.007732785772532225, -0.011931639164686203, -0.004355848766863346, 0.058808572590351105, 0.04772655665874481, -0.0574294775724411, 0.007086334750056267, -0.027778923511505127, 0.0669846385717392, -0.030561741441488266, 0.010595640167593956, 0.040264662355184555, -0.010115419514477253, -0.012467269785702229, -0.11476045101881027, -0.0037032407708466053, -0.009758331812918186, 0.03130054473876953, 0.026276694610714912, -0.0023703204933553934, -0.0035647156182676554, -0.044968366622924805, 0.017558841034770012, -0.030684875324368477, -0.021178966388106346, -0.03371395915746689, 0.013002900406718254, -0.04868699610233307, -4.213475403958e-05, 0.014098788611590862, 0.002542707370594144, 0.008582406677305698, -0.023924844339489937, -0.0023025970440357924, 0.0022240993566811085, 0.028862498700618744, 0.02277970314025879, -0.0159827321767807, -0.011032763868570328, 0.01446818932890892, -0.012805886566638947, -0.009875308722257614, -0.03913183510303497, -0.012159436009824276, 0.017066307365894318, -0.015588704496622086, -0.013544688001275063, 0.04698775336146355, 0.007388011552393436, -0.05526232719421387, -0.023296862840652466, -0.024405065923929214, -0.024047978222370148, -0.029108766466379166, 0.004223479889333248, 0.02233642153441906, -0.021930081769824028, 0.017226381227374077, 0.004100346472114325, -0.015564078465104103, -0.0019886065274477005, 0.03642289713025093, 0.0018162195337936282, 0.065457783639431, -0.04583029821515083, -0.02859160490334034, -0.029404286295175552, -0.03706319257616997, -0.01721406728029251, -0.002892098855227232, -0.005608732346445322, -0.034354254603385925, -0.04755416885018349, -0.011716155335307121, -0.05974438786506653, -0.042407188564538956, -0.03955049067735672, -0.027655791491270065, 0.035019174218177795, -0.019824497401714325, -0.012978274375200272, -0.08368154615163803, -0.00524548813700676, 0.005802667699754238, -0.014985350891947746, 0.021819261834025383, -0.04890863597393036, -0.018211448565125465, 0.0081637529656291, -0.0074126385152339935, 0.01424654945731163, 0.01167305838316679, -0.05629665032029152, -0.017300261184573174, -0.004315830301493406, 0.021942395716905594, 0.02112971432507038, -0.0721069946885109, -0.0596458800137043, -0.036792296916246414, 0.010398626327514648, 0.008643973618745804, -0.000908879388589412, 0.016943173483014107, 0.022902837023139, -0.06383242458105087, 0.03250725194811821, -0.020107705146074295, -0.010848063975572586, -0.0034969921689480543, -0.012491896748542786, 0.0006241330993361771, -0.022656569257378578, -0.05718320980668068, 0.03886094316840172, -0.017226381227374077, 0.008514683693647385, 0.07565324008464813, -0.04267808049917221, 0.020637178793549538, -0.057823505252599716, 0.0008657826110720634, -0.05777425318956375, 0.043835535645484924, 0.018839430063962936, -0.013113721273839474, 0.029675180092453957, -0.012221002951264381, 0.019602857530117035, 0.025057673454284668, -0.00019133796740788966, 0.010983510874211788, 0.024121858179569244, -0.03186695650219917, 0.009518221952021122, 0.0011790035059675574, -0.014394309371709824, 0.007849762216210365, 0.01914726383984089, -0.05585337057709694, 0.052356377243995667, -0.0334923192858696, -0.05954737588763237, -0.028443844988942146, 0.006141284946352243, 0.023075222969055176, 0.013803268782794476, 0.09215313196182251, 0.038023632019758224, -0.0393042229115963, -0.0008157596457749605, -0.05275040492415428, 0.024688271805644035, -0.006218243390321732, 0.01670921966433525, 0.02659684233367443, 0.028074445202946663, -0.04326912388205528, -0.024503571912646294, -0.05151906982064247, -0.0007349532679654658, 0.02138829417526722, -0.0011928561143577099, -0.07368310540914536, 0.00386947114020586, 0.006341376807540655, -0.013557001948356628, -0.012485739775002003, -0.02328455075621605, 0.04051093012094498, -0.0305124893784523, 0.027212509885430336, -0.020427852869033813, -0.03799900785088539, -0.03006920777261257, 0.03149755671620369, 0.03371395915746689, 0.020230839028954506, 0.00175927032250911, 0.030783383175730705, 0.02053867280483246, 0.024023352190852165, 0.022656569257378578, -0.025537893176078796, -0.02076031267642975, 0.002451896434649825, 0.037383340299129486, 0.01301521435379982, 0.04627358168363571, -0.003361545270308852, -6.531849066959694e-05, -0.00046713781193830073, -0.016068926081061363, 0.01835920847952366, 0.010410940274596214, -0.016093552112579346, -0.02994607388973236, -0.011445261538028717, 0.05718320980668068, -0.0040326230227947235, 0.012670439667999744, -0.031029649078845978, -0.02138829417526722, 0.0342557467520237, 0.014505129307508469, 0.015564078465104103, -0.02397409826517105, 0.00846542976796627, 0.011870072223246098, 0.0341818667948246, 0.05068175867199898, 0.03996914252638817, 0.005559478886425495, -0.044278815388679504, 0.0014345055678859353, 0.05595187470316887, 0.056690678000450134, -0.033689334988594055, -0.03004458174109459, -0.031571436673402786, -0.00011736164742615074, 0.0035216188989579678, -0.008988747373223305, -0.011205150745809078, -0.007652748841792345, 0.02704012207686901, -0.02984756790101528, -0.009629041887819767, -0.012454956769943237, -0.04674148932099342, 0.015834972262382507, 0.028000565245747566, -0.03762960806488991, -0.012214845977723598, 0.015785718336701393, -0.04102809354662895, 0.018900996074080467, 0.044845230877399445, -0.013138347305357456, 0.04792356863617897, -0.03184233233332634, 0.06398018449544907, -0.005919644609093666, -0.000474448868772015, -0.03519156202673912, -0.040264662355184555, 0.01391408871859312, -0.006587643641978502, 0.006624584086239338, -0.013347674161195755, -0.022595003247261047, 0.005424031987786293, -0.004164991434663534, 0.07259953022003174, 0.0034538954496383667, 0.023050596937537193, -0.006439883727580309, 0.04201316088438034, -0.06077871099114418, -0.007424951996654272, 0.020070765167474747, -0.011931639164686203, -0.022952089086174965, 0.02009539119899273, -0.030463235452771187, -0.015046916902065277, 0.030783383175730705, 0.011771565303206444, 0.003155296668410301, 0.036349017173051834, -0.04757879674434662, -0.07156520336866379, 0.00040441667078994215, 0.0016884685028344393, -0.00017950560140889138, -0.04257957264780998, 0.043613895773887634, -0.002031703246757388, -0.04489448294043541, 0.017509587109088898, 0.030586369335651398, 0.021646874025464058, -0.009499751962721348, 0.04514075070619583, 0.09417252242565155, -0.019061069935560226, -0.015933478251099586, -0.042284052819013596, 0.02647370845079422, 0.009308895096182823, -0.003872549394145608, -0.011783878318965435, 0.01497303694486618, 0.011432948522269726, 0.0021532976534217596, 0.008410019800066948, 0.04420493543148041, -0.02657221630215645, 0.031005023047327995, 0.008643973618745804, -0.02021852508187294, 0.035807229578495026, 0.023272236809134483, -0.03218710422515869, 0.031103529036045074, -0.029576674103736877, -0.04994295910000801, 0.004174226429313421, -0.014443563297390938, 0.042604200541973114, -0.029207272455096245, 0.03863929957151413, 0.0342557467520237, 0.015046916902065277, 0.004635977558791637, -0.020858820527791977, 0.0385407954454422, -0.043958671391010284, 0.03809751570224762, -0.053686220198869705, 0.0008234554552473128, 0.06782194972038269, 0.0025088456459343433, -0.06132049858570099, 0.012331822887063026, -0.02524237334728241, -0.001290593296289444, -0.02413417212665081, -0.04164376109838486, 0.0010704920860007405, 0.03415724262595177, -0.013606254942715168, 0.044180311262607574, -0.08254871517419815, -0.018568536266684532, -0.004069563001394272, 0.005747257266193628, 0.03309829160571098, -0.059153348207473755, -0.002491914900019765, 0.02082188054919243, 0.01661071367561817, 0.015650272369384766, -0.01983681134879589, 0.01547788456082344, 0.014886843971908092, -0.0342557467520237, -0.017103247344493866, -0.043170616030693054, 0.020021511241793633, 0.0046452125534415245, 0.0026627625338733196, 0.022927463054656982, 0.018851744011044502, -0.0305124893784523, -0.025069987401366234, 0.01989837735891342, 0.010503290221095085, 0.0005017691291868687, -0.029231900349259377, 0.03790049999952316, -0.05649366229772568, 0.011432948522269726, -0.018088314682245255, 0.022311795502901077, 0.01870398223400116, 0.05260264500975609, 0.028640858829021454, 0.03947661072015762, 0.017263321205973625, 0.007997523061931133, 0.023358430713415146, -0.012805886566638947, -0.008643973618745804, 0.03376321494579315, 0.02548864111304283, -0.015206990763545036, 0.034107986837625504, -0.04501761868596077, -0.037260204553604126, 0.03171919658780098, 0.0012043998576700687, 0.017300261184573174, -0.017337201163172722, 0.024786779657006264, -0.010293963365256786, -0.04861311614513397, 0.01668459363281727, 0.03430500254034996, 0.006913947872817516, 0.02649833634495735, 0.029207272455096245, -0.007203311659395695, -0.010737244039773941, -0.017866674810647964, 0.036152005195617676, 0.019036443904042244, -0.011235934682190418, 0.03509305417537689, -0.07259953022003174, -0.054326511919498444, -0.02258268930017948, -0.03829452767968178, 0.0159827321767807, -0.013347674161195755, -0.043613895773887634, 0.01546557154506445, 0.035462457686662674, 0.05250413715839386, 0.009191918186843395, 0.014911470003426075, 0.01546557154506445, -0.015834972262382507, -0.003774042706936598, -0.0070001413114368916, 0.020107705146074295, 0.01680772751569748, -0.0312759168446064, 0.016450639814138412, 0.019282709807157516, 0.05851305276155472, 0.01323685422539711, -0.032334864139556885, -0.008145282976329327, -0.03942735493183136, 0.0010327824857085943, 0.01268275361508131, 0.012916707433760166, -0.045313138514757156, 0.0015399387339130044, -0.0047621894627809525, -0.014258862473070621, -0.03664453700184822, -0.03361545503139496, 0.010971197858452797, -0.024589765816926956, -0.021092774346470833, 0.007720472291111946, 0.0002308753610122949, -0.05284890905022621, -0.006005838047713041, -0.029453540220856667, -0.018125254660844803, -0.03186695650219917, 0.015219303779304028, -0.03206397220492363, 0.028911752626299858, -0.005454815458506346, 0.0037678859662264585, -0.001114358427003026, 0.0032876653131097555, -0.004272733349353075, 0.0017931320471689105, -0.045534778386354446, 0.031202036887407303, -0.009524378925561905, 0.02104352042078972, 0.00373094598762691, 0.046642981469631195, 0.036816924810409546, -0.044648218899965286, -0.01826070249080658, -0.008459273725748062, -0.012214845977723598, 0.029675180092453957, -0.011396008543670177, 0.021092774346470833, -0.0018146804068237543, 0.02261962927877903, 0.03740796446800232, -0.00695704435929656, -0.01307678036391735, -0.006649210583418608, -0.008483899757266045, -0.0007307205232791603, -0.011408321559429169, -0.024996105581521988, -0.08313976228237152, 0.017066307365894318, -0.00680928397923708, -0.04683999344706535, 0.016512205824255943, 0.01967673748731613, 0.01103892084211111, -0.017891300842165947, -0.0377773679792881, -0.0016438326565548778, 0.017017053440213203, -0.02637520246207714, 0.006772344000637531, -0.012818200513720512, -0.004832990933209658, -0.04319524019956589, 0.0189256239682436, 0.02925652638077736, -0.004937654361128807, 0.020674118772149086, 0.057035449892282486, -0.011888542212545872, 0.012565776705741882, -0.06013841554522514, 0.006433726754039526, 0.014726770110428333, 0.021462174132466316, 0.02992144785821438, -0.007745098788291216, 0.010737244039773941, 0.013162974268198013, -0.030340101569890976, 0.004469747189432383, -0.00900106132030487, -0.02005845122039318, 0.004038779530674219, 0.007147901225835085, 0.026621468365192413, 0.023481564596295357, 0.0051161982119083405, 0.007431108504533768, -0.033787839114665985, 0.01876555010676384, -0.00963519886136055, 0.021375980228185654, 0.022003961727023125, 0.01162380538880825, 0.015268557704985142, 0.017509587109088898, 0.018076002597808838, 0.031103529036045074, 0.061616018414497375, 0.009068784303963184, 0.0037617292255163193, 0.006249026395380497, -0.0009812202770262957, -0.032334864139556885, -0.025057673454284668, -0.02804981730878353, 0.03186695650219917, 0.001513772876933217, 0.004648290574550629, 0.024552825838327408, 0.010958883911371231, -0.02649833634495735, -0.006735404022037983, 0.003022928023710847, -0.002131749177351594, 0.008483899757266045, 0.03661991283297539, -0.02258268930017948, 0.023740144446492195, -0.015871912240982056, -0.006593800615519285, 0.007252564653754234, -0.024429691955447197, -0.004429728724062443, 0.017041681334376335, -0.021683814004063606, 0.03925497084856033, -0.04676611348986626, 0.052356377243995667, -0.02969980798661709, -0.00900106132030487, 0.023863278329372406, -0.012633499689400196, -0.006329063326120377, -0.05930110812187195, -0.003312292043119669, 0.01636444590985775, -0.00488840090110898, 0.007332601584494114, -0.002070182468742132, 0.02881324663758278, 0.0017962103011086583, 0.011907012201845646, -0.0156379584223032, -0.029428914189338684, -0.013458495028316975, 0.005177764687687159, -0.03529006987810135, -0.005103884730488062, 0.007935956120491028, 0.01530549768358469, -0.047184769064188004, -0.038811687380075455, 0.03812213987112045, 0.009819898754358292, 9.10033704712987e-05, -0.03898407518863678, -0.013298421166837215, 0.021302100270986557, 0.018026748672127724, 0.04647059366106987, 0.009339678101241589, -0.008182222954928875, 0.004195774905383587, 0.005873469170182943, 0.015453257597982883, 0.01056485716253519, -0.017866674810647964, 0.022607315331697464, 0.027311015874147415, -0.018408462405204773, 0.019319649785757065, -0.03324605152010918, -0.08407557010650635, 0.012251785956323147, 0.015896538272500038, 0.039378102868795395, -0.03344306722283363, -0.04516537860035896, 0.00027320251683704555, -0.027187883853912354, 0.024023352190852165, 0.050533998757600784, 0.01028164941817522, 0.024121858179569244, 0.034354254603385925, -0.0039648995734751225, -0.003256881842389703, 0.03016771376132965, 0.027286389842629433, 0.01192548219114542, -0.022188661620020866, 0.03588110953569412, -0.020390912890434265, -0.015588704496622086, 0.015625644475221634, -0.016536833718419075, 0.020366284996271133, 0.013889461755752563, 0.004155756440013647, -0.025291627272963524, 0.011476044543087482, -0.0032691950909793377, 0.016068926081061363, -0.011432948522269726, 0.004306595306843519, 0.0023533895146101713, 0.019664425402879715, -0.009487438015639782, 0.030758755281567574, -0.01535475067794323, -0.0024180347099900246, -0.02736026979982853, -0.015945792198181152, 0.024442005902528763, -0.027975937351584435, 0.0035831856075674295, 0.025784160941839218, 0.004900714382529259, -0.011931639164686203, 0.002248726086691022, 0.01670921966433525, -0.028985632583498955, 0.03006920777261257, 0.005571792367845774, 0.010035382583737373, 0.0038879411295056343, 0.020575612783432007, 0.03147292882204056, 0.025956548750400543, -0.016093552112579346, -0.023715518414974213, -0.026055054739117622, 0.013495435006916523, 0.014480503275990486, 0.05664142221212387, -0.03393559902906418, -0.013212227262556553, -0.024220366030931473, 0.012239472940564156, 0.008822517469525337, -0.008126812987029552, 0.03519156202673912, 0.0018116020364686847, -0.007837449200451374, -0.013126034289598465, 0.030340101569890976, 0.013323048129677773, 0.055459342896938324, -0.03575797751545906, -0.009906092658638954, -0.04570716619491577, 0.020908072590827942, -0.03137442469596863, -0.026055054739117622, -0.020698746666312218, -0.04085570573806763, -0.008348452858626842, 0.009487438015639782, 0.025316253304481506, 0.01492378395050764, -0.028394591063261032, 0.01860547624528408, -0.022447241470217705, 0.015059230849146843, -0.0123502928763628, -0.005319368559867144, 0.014812963083386421, 0.005488676950335503, 0.031768448650836945, 0.01747264713048935, -0.015379377640783787, 0.0012144044740125537, 0.01999688521027565, 0.017140187323093414, 0.03137442469596863, -0.04078182578086853, 0.008847144432365894, 0.0203785989433527, 0.06068020313978195, 0.012596559710800648, -0.007357228547334671, -0.03351694718003273, -0.033689334988594055, -0.016155118122696877, 0.0076404353603720665, -0.01134059764444828, -0.0006730016903020442, 0.006329063326120377, 0.0032999785616993904, 0.015896538272500038, -0.008643973618745804, -0.007603495381772518, 0.008600876666605473, 0.05220861732959747, -0.001074340078048408, -0.0061751464381814, -0.003721710992977023, 0.024035664275288582, -0.01225794292986393, -0.011611491441726685, -0.04277658835053444, 0.03371395915746689, -0.00015083857579156756, -0.009370461106300354, 0.000860395550262183, -0.018506970256567, -0.02009539119899273, -0.007874389179050922, 0.007129431236535311, -0.02360469661653042, -0.006264418363571167, 0.020686432719230652, 0.001133598037995398, 0.015268557704985142, 0.019627485424280167, -0.030241595581173897, -0.030586369335651398, 0.008225319907069206, 0.01018929947167635, -0.025057673454284668, -0.0053532300516963005, 0.0319654643535614, -0.005968897603452206, 0.02353081665933132, -0.027631163597106934, -0.04112659767270088, -0.0051839216612279415, 0.011562238447368145, -0.012781260535120964, -0.004894557874649763, 0.027409523725509644, -0.03048786148428917, 0.01813756860792637, -0.017989808693528175, 0.01652451977133751, 0.022533435374498367, -0.01601967215538025, 0.009370461106300354, -0.012805886566638947, 0.042850468307733536, -0.01977524533867836, -0.01119899470359087, -0.029428914189338684, 0.0018916388507932425, -0.004291203338652849, 0.048292968422174454, -0.04245644062757492, 0.017004739493131638, -0.043860163539648056, 0.04169301316142082, 0.011075860820710659, 0.022767389193177223, -0.015157737769186497, 0.04122510552406311, -0.015231617726385593, 0.0013152200262993574, 0.0192703977227211, -0.007092491257935762, -0.015428631566464901, 0.0009658285998739302, 0.02723713591694832, -0.010398626327514648, -0.008619346655905247, -0.006581487134099007, -0.006258261390030384, -0.0261535607278347, 0.028911752626299858, -0.0008519301190972328, 0.03299978747963905, 0.011746938340365887, -0.0004494373861234635, 0.02385096438229084, 0.04755416885018349, -0.02028009295463562, -0.00036709182313643396, 0.019098009914159775, 0.021178966388106346, -0.006913947872817516, 0.03304903954267502, 0.03248262405395508, 0.0010120037477463484, 0.03309829160571098, 0.031226662918925285, 0.027754297479987144, -0.036127377301454544, 0.040707945823669434, -0.00862550362944603, 0.04590417817234993, 0.03194083645939827, -0.03169456869363785, 0.016278252005577087, 0.020514046773314476, -0.040486305952072144, 0.02050173282623291, -0.01775585487484932, -0.01340924110263586, -0.003537010634317994, 0.01170384231954813, 0.014837590046226978, -0.007646592333912849, 0.044401951134204865, 0.015440944582223892, -0.027631163597106934, 0.02094501256942749, -0.010515603236854076, -0.017780480906367302, 0.02723713591694832, 0.03206397220492363, -0.0012813583016395569, 0.0218315739184618, -0.007812822237610817, 0.030192341655492783, 0.01759578101336956, 0.013323048129677773, 0.03516693413257599, 0.000127173843793571, 0.00921038817614317, 0.025439387187361717, -0.022225601598620415, -0.0030029190238565207, -0.014308116398751736, 0.008570093661546707, 0.006723090540617704, 0.027754297479987144, 0.00596274109557271, -0.025266999378800392, -0.020230839028954506, -0.025217747315764427, 0.010872690938413143, -0.016844667494297028, -0.004281968344002962, -0.01102660782635212, -0.0060335430316627026, 0.004977672826498747, 0.009198074229061604, -0.02802519127726555, -0.01702936738729477, 0.05006609112024307, -0.005430188495665789, -0.02286589704453945, 0.00023780162155162543, 0.07166371494531631, -0.008526996709406376, -0.0026335183065384626, 0.025439387187361717, 0.002051712479442358, 0.04088032990694046, 0.020193899050354958, 0.01162380538880825, 0.040831077843904495, -0.011771565303206444, 0.03706319257616997, 0.0232476107776165, 0.0060181510634720325, 0.0035924206022173166, 0.02227485552430153, 0.015958106145262718, -0.01412341557443142, 0.008600876666605473, -0.005885782651603222, -0.00361704733222723, 0.03248262405395508, -0.007307975087314844, -0.008884084410965443, -0.02972443401813507, -0.03913183510303497, -0.005716474261134863, 0.010885003954172134, -0.013384614139795303, -0.02849309891462326, 0.012744320556521416, 0.040486305952072144, 0.01977524533867836, 0.0545235276222229, 0.0013991047162562609, 0.01176540832966566, 0.002548864111304283, 0.00461135059595108, -0.0044451202265918255, 0.010921943932771683, -0.01546557154506445, -0.013335361145436764, -0.01933196373283863, -0.013827895745635033, 0.004657525569200516, 0.005830372683703899, 0.0011289805406704545, -0.04501761868596077, -0.0023426152765750885, -0.009068784303963184, -0.005633358843624592, -0.017423395067453384, -0.03472365438938141, 0.0077143157832324505, 0.03876243531703949, 0.019627485424280167, -0.025981174781918526, -0.03686617687344551, 0.016844667494297028, 0.03006920777261257, 0.01230719592422247, 0.030463235452771187, 0.010010755620896816, -0.01407416258007288, -0.014049535617232323, -0.008114499971270561, -0.01010926254093647, 0.028074445202946663, 0.012978274375200272, -0.031202036887407303, 0.00938277505338192, -0.005525616928935051, -0.05294741690158844, -0.01440662331879139, 0.012941333465278149, 0.022816643118858337, 0.020637178793549538, -0.026621468365192413, 0.006230556406080723, -0.0060674045234918594, -0.024589765816926956, -0.007837449200451374, 0.015970418229699135, -0.029625926166772842, 0.011525298468768597, -0.005944271106272936, -0.005334760062396526, 0.0015915008261799812, -0.01464057620614767, 0.0033092135563492775, -0.01209786906838417, 0.0065630171447992325, -0.0024872971698641777, -0.00016267094179056585, 0.004980751313269138, -0.018654730170965195, -0.012011676095426083, 0.00706170778721571, 0.009185761213302612, -0.015958106145262718, -0.005861156154423952, 0.018753236159682274, -0.012571933679282665, 0.04679074138402939, -0.016450639814138412, 0.019381217658519745, -0.021375980228185654, 0.005448658484965563, 0.00895796436816454, -0.002257961081340909, -0.02679385617375374, 0.017164813354611397, -0.006322906818240881, -0.03221173211932182, 0.004063406493514776, -0.019799871370196342, 0.008760950528085232, -0.019405843690037727, -0.0025257766246795654, 0.00469138752669096, 0.0017746619414538145, 0.01914726383984089, 0.010084635578095913, -0.010958883911371231, 0.0012728928122669458, 0.00021163575001992285, 0.02947816625237465, 0.009456655010581017, 0.043293748050928116, 0.00539324851706624, 0.022139407694339752, 0.01699242740869522, 0.005667220801115036, 0.00815143994987011, 0.014985350891947746, 0.010503290221095085, 0.0077143157832324505, 0.008502369746565819, 0.010497133247554302, 0.0026658407878130674, -0.01462826319038868, -0.03947661072015762, 0.03952586278319359, 0.006599957123398781, 0.006242869887501001, -0.011285187676548958, -0.03863929957151413, 0.032137852162122726, 0.0006376007804647088, 0.022102467715740204, -0.007726628798991442, 0.008865614421665668, -0.01260271668434143, 0.004395866766571999, -0.03016771376132965, 0.00971523579210043, -0.002150219166651368, 0.0022518043406307697, -0.019565917551517487, 0.0016299800481647253, 0.019344277679920197, -0.009561318904161453, 0.0030829557217657566, -0.0018916388507932425, -0.005060788244009018, -0.0007995983469299972, -0.04033854231238365, 0.010552543215453625, 0.003058328991755843, 0.025266999378800392, -0.021499114111065865, -0.005968897603452206, -0.02457745186984539, 0.014837590046226978, 0.014221922494471073, -0.020403224974870682, 0.021560680121183395, -0.011574551463127136, -0.00820069294422865, -0.008385393768548965, 0.08156365156173706, 0.0021825418807566166, 0.04757879674434662, -0.01150067150592804, 0.023296862840652466, -0.0414467453956604, -0.013593941926956177, -0.027187883853912354, -0.05841454491019249, -0.01251036673784256, -0.007190998177975416, 0.016635339707136154, 0.0027335642371326685, 0.03585648536682129, -0.04309673607349396, -0.004700622521340847, -0.03452664241194725, -0.009739861823618412, -0.0192703977227211, 0.007935956120491028, 0.0014398926869034767, -0.0163275059312582, 0.011642275378108025, 0.030857263132929802, 0.028172951191663742, -0.019295023754239082, 0.04578104615211487, 0.014308116398751736, 0.008145282976329327, -0.023518504574894905, 0.0027705044485628605, -0.0013329203939065337, 0.031669944524765015, 0.023075222969055176, -0.022607315331697464, -0.017041681334376335, 0.007702002301812172, 0.019356591627001762, -0.0030614074785262346, -0.01137138158082962, 0.004965359345078468, 0.022385675460100174, 0.002414956223219633, 0.024442005902528763, -0.005747257266193628, -0.008299199864268303, -0.010176986455917358, -0.015995046123862267, -0.0028089836705476046, -0.009629041887819767, -0.013766328804194927, -0.013520061038434505, -0.0008580868015997112, -0.015046916902065277, -0.011469888500869274, -0.0015322428662329912, -0.0109157869592309, 0.019258083775639534, 0.020230839028954506, -0.0037463377229869366, 0.04482060298323631, -0.030586369335651398, 0.01268275361508131, 0.01039247028529644, -0.014369682408869267, 0.016278252005577087, -0.0017746619414538145, 0.02274276316165924, 0.0035924206022173166, -0.02534087933599949, -0.004832990933209658, 0.004395866766571999, 0.022705823183059692, 0.029527420178055763, 0.02053867280483246, 0.003847922896966338, -0.0034477387089282274, -0.021203594282269478, 0.03364007920026779, 0.015896538272500038, 0.0058334507048130035, 0.0033153702970594168, -0.0030614074785262346, 0.015219303779304028, 0.010349373333156109, -0.006889320909976959, 0.025661027058959007, 0.005759570747613907, 0.008939494378864765, 0.00031322092399932444, -0.03408336266875267, -0.003263038583099842, 0.01525624468922615, 0.01888868398964405, 0.009918405674397945, -0.011728468351066113, -0.0320393443107605, 0.026966242119669914, 0.012578089721500874, -0.024909913539886475, 0.01787898875772953, 0.003734024241566658, 0.03260575979948044, 0.0023780162446200848, -0.03199009224772453, -0.017349515110254288, 0.006519920192658901, -0.0026658407878130674, 0.012140966020524502, -0.013593941926956177, -0.0036201258189976215, 0.008194535970687866, 0.01339692808687687, -0.01848234236240387, 0.00776356877759099, 0.011987049132585526, 0.002433426445350051, -0.007332601584494114, -0.02871473878622055, -0.03460052236914635, -0.010158516466617584, 0.012134809046983719, -0.03548708185553551, -0.016672279685735703, -0.020637178793549538, 0.013433868065476418, -0.019307337701320648, -0.016561459749937057, 0.020686432719230652, 0.005014612805098295, 0.008354609832167625, 0.04644596576690674, 0.019381217658519745, 0.008674757555127144, -0.002267196075990796, 0.03437888249754906, -0.00759118190035224, -0.011315971612930298, -0.002002459019422531, -0.016696905717253685, -0.05240562930703163, -0.01457901019603014, -0.017903614789247513, -0.003595499088987708, 0.012245629914104939, 0.017965182662010193, -0.051322054117918015, -0.012473426759243011, -0.0011659206356853247, 0.02076031267642975, -0.025981174781918526, 0.02534087933599949, 0.003607812337577343, 0.010195456445217133, 0.010577170178294182, -0.028000565245747566, 0.0035431673750281334, -0.0017454178305342793, 0.013975655660033226, 0.00207326072268188, -0.022373361513018608, -0.005673377308994532, -0.04981982707977295, 0.0021163574419915676, -0.0033492320217192173, 0.0001514157629571855, 0.0025442466139793396, 0.014702143147587776, -0.010133889503777027, -0.007135588210076094, -0.00829304289072752, -0.023826338350772858, 0.013126034289598465, 0.013421555049717426, -0.0030260065104812384, -0.002910568844527006, -0.013766328804194927, 0.006698464043438435, -0.02372783049941063, -0.026055054739117622, -0.00849621370434761, 0.018174508586525917, -0.009031844325363636, -0.022262541577219963, 0.02419573813676834, 0.029330406337976456, 0.014455876313149929, -0.0047621894627809525, 0.01794055476784706, -0.0036108908243477345, 0.038713183254003525, -0.031202036887407303, 0.025882666930556297, -0.0009796811500564218, 0.01592116616666317, -0.026202814653515816, -0.03336918726563454, 0.018112942576408386, 0.042948976159095764, 0.008588563650846481, 0.03979675471782684, -0.0326550118625164, -0.03186695650219917, 0.001536090741865337, -0.037925127893686295, 0.028222205117344856, 0.016278252005577087, 0.001817758777178824, 0.011709998361766338, 0.03130054473876953, -0.008834830485284328, -0.027335643768310547, -0.014455876313149929, 0.02859160490334034, 0.004839147906750441, -0.004001839552074671, -0.005636437330394983, -0.0012790495529770851, 0.023617010563611984, -0.04477135092020035, 0.026522962376475334, 0.0040480149909853935, 0.02637520246207714, -0.05353845655918121, 0.03083263523876667, -0.013421555049717426, 0.030561741441488266, -0.0328027717769146, 0.003059868235141039, -0.014381996355950832, 0.04612582176923752, -0.032581131905317307, -0.024318872019648552, 0.034674402326345444, 0.0028089836705476046, -0.00103663036134094, -0.017177127301692963, 0.020206212997436523, -0.01530549768358469, 0.017546527087688446, 0.020895760506391525, 0.010755714029073715, 0.000772278115618974, -0.011525298468768597, 0.014308116398751736, 0.03147292882204056, 0.0013167591532692313, -0.012060929089784622, -0.022484183311462402, -0.01949203759431839, 0.018740922212600708, -0.02972443401813507, 0.01608123816549778, -0.04097883775830269, 0.004568254109472036, -0.007855919189751148, 0.023149102926254272, -0.014665203168988228, -0.00461135059595108, 0.0045867240987718105, -0.02375245839357376, 0.012744320556521416, 0.01546557154506445, 0.020969640463590622, -0.009081097319722176, 0.015871912240982056, 0.021745381876826286, -0.020747998729348183, -0.037604980170726776, 0.009481281973421574, -0.006264418363571167, -0.001731565222144127, -0.0029490480665117502, -0.005528695415705442, 0.006489137187600136, 0.005424031987786293, 0.01513311080634594, 0.005913487635552883, -0.0001128403382608667, 0.01208555605262518, 0.003586264094337821, 0.019344277679920197, -0.01769428886473179, -0.006538390181958675, -0.011863915249705315, 0.02274276316165924, 0.0012267178390175104, 0.03226098418235779, 0.03718632459640503, 0.021917767822742462, 0.04432807117700577, 0.026325948536396027, -0.017448021098971367, 0.003333840286359191, -0.008311512880027294, 0.016339819878339767, 0.003027545753866434, -0.0026181265711784363, 0.03105427511036396, 0.034896042197942734, -0.02637520246207714, -0.002431887201964855, 0.026399828493595123, 0.007677375338971615, 0.0305124893784523, -0.008089873008430004, 0.0020393989980220795, 0.020649492740631104, 0.012405702844262123, 0.02138829417526722, 0.025193119421601295, -0.012159436009824276, -0.012362605892121792, -0.017226381227374077, 0.02391253225505352, 0.023543130606412888, -0.011106644757091999, 0.0021963943727314472, -0.01977524533867836, 0.03743259236216545, -0.0038202176801860332, 0.028665484860539436, 0.018433088436722755, -0.016376759856939316, 0.04120047762989998, -0.00519623514264822, -0.03317217156291008, -0.01759578101336956, -0.006310593336820602, -0.03686617687344551, 0.03947661072015762, 0.03319679945707321, 0.05698619782924652, -0.003527775639668107, 0.015083856880664825, -0.009733705781400204, 0.01492378395050764, 0.003216863377019763, 0.015194677747786045, -0.004285046830773354, 0.008225319907069206, -0.02293977700173855, -0.006292123347520828, -0.01209786906838417, -0.007677375338971615, 0.009862995706498623, 0.02657221630215645, 0.013667821884155273, 0.003589342348277569, -0.007449578493833542, 0.030093833804130554, 0.01981218531727791, 0.012073242105543613, 0.028566978871822357, -0.024749839678406715, 0.01129134465008974, 0.0037401809822767973, -0.013815581798553467, 0.012553463689982891, -0.022385675460100174, -0.024158798158168793, -0.012116339057683945, -0.003607812337577343, 0.037481844425201416, 0.014899156987667084, -0.01306446734815836, -0.07003834843635559, -0.004672917537391186, -0.036028869450092316, 0.004371240269392729, 0.0199599452316761, -0.004848382901400328, 0.053341444581747055, 0.006593800615519285, 0.004365083761513233, 0.016253625974059105, -0.004297360312193632, -0.010811123996973038, -0.0060827964916825294, -0.030684875324368477, 0.029084140434861183, -0.04019078239798546, 0.014529756270349026, 0.0016853901324793696, 0.024946853518486023, 0.0035554806236177683, 0.007855919189751148, -0.0035216188989579678, 0.01835920847952366], "7fb24649-a9ee-4879-95a5-576f1218764b": [-0.01387912966310978, 0.00912525411695242, 0.0321023166179657, -0.003749823896214366, 0.010989921167492867, 0.015026616863906384, 0.022826796397566795, -0.0053583551198244095, 0.01595553569495678, 0.04816713556647301, -0.0027440651319921017, -0.08660795539617538, -0.014084038324654102, 0.039670269936323166, 0.010750860907137394, -0.012868247926235199, -0.038468137383461, 0.04532574117183685, -0.016351690515875816, 0.03712940216064453, 0.05281172692775726, 0.0618550181388855, 0.03603655844926834, -0.004863159731030464, 0.041090965270996094, -0.021692970767617226, 0.0011022364487871528, 0.04595412686467171, 0.01685713231563568, -0.008995478972792625, 0.021966181695461273, -0.018701307475566864, -0.06196430325508118, 0.023168310523033142, -0.0035961426328867674, -0.004589948337525129, -0.02665175311267376, 0.020463520660996437, 0.0365283377468586, -0.0296160951256752, -0.00346636725589633, 0.020668428391218185, 0.014425552450120449, -0.021638328209519386, 0.01606481894850731, 0.04177399352192879, -0.00033745853579603136, -0.047320183366537094, -0.03901456296443939, 0.028113434091210365, -0.038741350173950195, 0.04062650725245476, 0.006966886110603809, -0.005457393825054169, 0.01595553569495678, -0.003780560102313757, -0.019698528572916985, -0.010293232277035713, 0.02882378362119198, -0.016720525920391083, -0.020600125193595886, 0.023018045350909233, -0.029288241639733315, 0.08873900026082993, -0.003404894843697548, -0.003266581567004323, -0.005146616138517857, 0.026924965903162956, 0.0013669098261743784, 0.013646899722516537, 0.02752603031694889, 0.04278487712144852, 0.012096426449716091, -0.021460741758346558, -0.034369971603155136, 0.005525697022676468, -0.02219841070473194, 0.01812756434082985, 0.01333270687609911, 0.013462482951581478, 0.015258845873177052, -0.02014932781457901, -0.029233599081635475, 0.004501154646277428, 0.015190543606877327, -0.0014736329903826118, -0.02762165293097496, -0.025736495852470398, -0.07360310107469559, -0.06174573302268982, -0.01594187505543232, 0.04232041537761688, -0.04573555663228035, 0.05185548961162567, 0.07218240201473236, 0.030135197564959526, -0.01015662681311369, 0.008811061270534992, -0.019944418221712112, 0.06513355672359467, 0.04975176230072975, -0.032457493245601654, 0.0020422537345439196, -0.002638195874169469, 0.08021481335163116, -0.011433889158070087, 0.00016531412256881595, 0.0487135611474514, 0.015614020638167858, -0.021542703732848167, -0.09316502511501312, -0.017444536089897156, 0.003787390422075987, 0.052784405648708344, 0.037675827741622925, 0.024725614115595818, -0.003048012498766184, -0.036774229258298874, 0.0041972072795033455, -0.011891517788171768, -0.040927041321992874, -0.04002544283866882, 0.016133122146129608, -0.07267418503761292, -0.0004320152220316231, 0.05393189191818237, 0.021747613325715065, -0.011317774653434753, -0.055817052721977234, -0.026378542184829712, 0.01581892929971218, 0.013926941901445389, 0.015217864885926247, -0.02550426684319973, -0.0041391500271856785, -0.0003686216950882226, -0.031118758022785187, -0.01926138997077942, -0.05726506933569908, 0.016174104064702988, 0.005884286481887102, -0.0359819158911705, -0.006413633469492197, 0.04368647187948227, -0.0013276357203722, -0.01707570068538189, -0.02673371694982052, -0.008606153540313244, -0.02646050602197647, -0.032430171966552734, 0.008592492900788784, -0.004077677149325609, -0.01164562813937664, -0.00029562306008301675, -0.016338029876351357, -0.01539545226842165, -0.011317774653434753, 0.026351220905780792, 0.030517691746354103, 0.05819398909807205, -0.03180178627371788, -0.025736495852470398, -0.014166001230478287, -0.03158321604132652, -0.0168844535946846, -0.006256536580622196, -0.002945558400824666, -0.02334589883685112, -0.051609598100185394, -0.0017476979410275817, -0.0491233766078949, -0.012758963741362095, -0.05666400492191315, -0.051309067755937576, 0.023086346685886383, -0.022703852504491806, -0.004873405210673809, -0.08327477425336838, -0.007192285265773535, -0.00961703434586525, -0.022799475118517876, 0.03316784277558327, -0.026269258931279182, 0.001909063314087689, 0.019999060779809952, -0.016652222722768784, -0.0005007449071854353, 0.006673183757811785, -0.030599655583500862, -0.010757691226899624, 0.009214048273861408, 0.023619109764695168, 0.012690660543739796, -0.07513308525085449, -0.04161006957292557, -0.050489433109760284, 0.010989921167492867, -0.0019005255308002234, 0.008995478972792625, 0.004603608977049589, -0.0001765200577210635, -0.04130953550338745, 0.04822177812457085, 0.0084422267973423, 0.00030971053638495505, -0.006628787145018578, -0.031282685697078705, -0.0027508954517543316, 0.0045114001259207726, -0.07179990410804749, 0.045107170939445496, -0.006505841854959726, 0.02651514858007431, 0.053576719015836716, -0.025996046140789986, 0.01927505061030388, -0.051582276821136475, 0.020900657400488853, -0.04349522665143013, 0.024971505627036095, 0.01602383702993393, -0.022799475118517876, 0.024069907143712044, -0.00045421364484354854, 0.01217155996710062, 0.025067128241062164, -0.002851641969755292, 0.009207217954099178, 0.016215085983276367, -0.05100853368639946, -0.009043291211128235, 0.002119094366207719, -0.009036460891366005, 0.028413966298103333, 0.021501721814274788, -0.0402713343501091, 0.04070847108960152, -0.015736965462565422, -0.05171888321638107, -0.06360357254743576, 0.020859675481915474, 0.048331063240766525, 0.01693909615278244, 0.06966885924339294, 0.021515382453799248, -0.04324933513998985, -0.008886194787919521, -0.04909605532884598, 0.000832867284771055, 0.004350888542830944, 0.010962599888443947, 0.02329125627875328, 0.010771351866424084, -0.0340421162545681, -0.024739274755120277, -0.0224169809371233, -0.014206983149051666, 0.012465261854231358, -0.009999530389904976, -0.05611758306622505, -0.010894296690821648, -0.013182440772652626, -0.013004853390157223, -0.037785109132528305, -0.027307460084557533, 0.03385087102651596, 0.00017897468933369964, 0.03497103601694107, -0.03076358325779438, 0.002921652514487505, -0.03931509330868721, 0.0070078675635159016, 0.03710208460688591, 0.017540160566568375, -0.016515618190169334, 0.017225967720150948, 0.027307460084557533, 0.015176882967352867, -0.0035210095811635256, -0.032402850687503815, -0.010382026433944702, -0.001465948880650103, 0.03406943753361702, -0.006813204847276211, 0.033550336956977844, -0.016324369236826897, -0.010382026433944702, -0.02551792748272419, -0.023195631802082062, 0.039861515164375305, 0.030025912448763847, -0.01928871124982834, -0.004931462462991476, -0.0361185222864151, 0.03267605975270271, -0.0032956101931631565, 0.028987709432840347, -0.027157194912433624, 0.010771351866424084, 0.027047909796237946, 0.00504757696762681, 0.030626976862549782, -0.02547694556415081, 0.014166001230478287, 0.017266947776079178, 0.05748363956809044, 0.03193839266896248, 0.031364645808935165, -0.015026616863906384, -0.056773290038108826, 0.0017827032133936882, 0.03915116563439369, 0.0424843430519104, -0.034479256719350815, 0.010306892916560173, -0.0193023718893528, 0.008360262960195541, -0.009746810421347618, 0.009091103449463844, -0.032484814524650574, 0.004323567263782024, 0.02652880921959877, -0.006335084792226553, -0.004111828748136759, -0.025886762887239456, -0.0032614588271826506, 0.0006774784415028989, 0.03365962207317352, -0.042812198400497437, -0.026897644624114037, -0.01067572832107544, -0.055215984582901, 0.007772859185934067, 0.021406099200248718, -0.007786519359797239, 0.016529278829693794, -0.013462482951581478, 0.024930523708462715, -0.004163055680692196, 0.002499882597476244, -0.03305855765938759, -0.021966181695461273, 0.002699668286368251, 0.01602383702993393, 0.044178254902362823, -0.03573602810502052, -0.018919875845313072, 0.019848793745040894, -0.006341915111988783, 0.0423477366566658, -0.0023188802879303694, 0.0076499138958752155, -0.014575818553566933, 0.03486175090074539, -0.04349522665143013, -0.018510060384869576, 0.02546328492462635, -0.010819164104759693, -0.0168161503970623, 0.015723304823040962, -0.030107876285910606, -0.012963872402906418, 0.03723868727684021, 0.012000802904367447, 0.02441142126917839, 0.032402850687503815, -0.05141834914684296, -0.04666447639465332, 0.025941405445337296, -0.00894083734601736, 0.0017639199504628778, -0.01818220689892769, 0.036637622863054276, -0.01715766452252865, -0.046363942325115204, 0.013278065249323845, 0.01217155996710062, 0.021925199776887894, 0.009856094606220722, 0.04256630688905716, 0.0787394717335701, -0.02667907439172268, -0.01692543551325798, -0.04551698639988899, 0.030080555006861687, 0.029151637107133865, 0.0005741704371757805, -0.0066936747170984745, 0.0063692363910377026, 0.01284775696694851, -0.013653730042278767, 0.017403554171323776, 0.0530029758810997, -0.01793631538748741, 0.03950634226202965, 0.020955299958586693, -0.007793349679559469, 0.06562533229589462, 0.019876115024089813, -0.0592321902513504, 0.01579160802066326, -0.02536766044795513, -0.05513402447104454, -0.0027372348122298717, -0.01112652663141489, 0.038468137383461, -0.031310003250837326, 0.024875881150364876, 0.0465005487203598, -0.0011935915099456906, 0.020764052867889404, -0.026173634454607964, 0.059942539781332016, -0.06037967652082443, 0.04038061574101448, -0.04147346317768097, 0.028332002460956573, 0.089394710958004, 0.02341420017182827, -0.05289369076490402, 0.006615126505494118, -0.05125442519783974, -0.005904777441173792, -0.030271802097558975, -0.028960388153791428, 0.00844905711710453, 0.022881438955664635, -0.026310238987207413, 0.05283904820680618, -0.07764662802219391, -0.02967073768377304, 0.007294739596545696, 0.025094449520111084, 0.018714968115091324, -0.044150933623313904, 0.0035722365137189627, 0.05087192729115486, 0.012622358277440071, -0.0010433252900838852, 0.011003581807017326, 0.04144614189863205, 0.024903202429413795, -0.022744834423065186, -0.0016443899367004633, -0.05699186027050018, 0.01599651575088501, 0.023168310523033142, 0.0072742486372590065, 0.0306542981415987, 0.034697823226451874, -0.013476142659783363, -0.020586464554071426, 0.005050992127507925, 0.006871262099593878, 0.005450563505291939, -0.008209996856749058, 0.04652786999940872, -0.06196430325508118, 0.0019158936338499188, -0.007847991771996021, 0.02016298845410347, 0.037812430411577225, 0.05721042677760124, 0.04797589033842087, 0.025258377194404602, 0.037757791578769684, 0.0041323197074234486, -0.008626644499599934, -0.01435724925249815, -0.020846014842391014, 0.02032691426575184, 0.0001530409645056352, -0.007376702968031168, 0.03958830609917641, -0.038686707615852356, -0.010518631897866726, 0.052620477974414825, -0.01120849046856165, -0.0012755548814311624, -0.031228041276335716, 0.050407469272613525, -0.028086112812161446, -0.05540723353624344, 0.015231525525450706, 0.03592727333307266, 0.013503463938832283, 0.02777191996574402, 0.02431579865515232, 0.009029630571603775, 0.01603749766945839, -0.005194428376853466, 0.018742289394140244, -0.006792713887989521, -0.014562157914042473, 0.0322389230132103, -0.0737670287489891, -0.06343964487314224, -0.009282350540161133, -0.052511196583509445, 0.022908760234713554, -0.013182440772652626, -0.00796410720795393, 0.012950211763381958, 0.05529794842004776, 0.03628244996070862, 0.008667625486850739, 0.0070146978832781315, 0.013646899722516537, -0.000321023166179657, -0.01711668260395527, -0.05502473935484886, 0.022881438955664635, 0.0007585880230180919, -0.02335955947637558, -0.010347874835133553, 0.019616564735770226, 0.05617222562432289, 0.009999530389904976, -0.026050688698887825, -0.007820671424269676, -0.012089596129953861, -0.0028413967229425907, 0.021037263795733452, 0.006758562289178371, -0.044014327228069305, -0.0010885759256780148, -0.004941707942634821, -0.006307763978838921, -0.020641107112169266, -0.039943479001522064, -0.0033553752582520247, -0.03857742249965668, -0.012772624380886555, -0.0008469547610729933, 0.006481936201453209, -0.0266380924731493, 0.0020968960598111153, -0.004948538262397051, -0.013114138506352901, -0.04450610652565956, 0.017458196729421616, -0.018578361719846725, 0.021419759839773178, -0.006099440157413483, 0.0013805704656988382, 0.010074663907289505, 0.02539498172700405, -0.013284895569086075, 0.0016665883595123887, -0.03606387972831726, 0.013790336437523365, -0.006365821231156588, 0.0424843430519104, -0.02427481673657894, 0.015463754534721375, 0.05109049752354622, -0.023632770404219627, -0.020955299958586693, -0.00012198453623568639, -0.0036985967308282852, 0.009459937922656536, -0.01924772933125496, 0.013564936816692352, 0.0015043691964820027, 0.014507515355944633, 0.037839751690626144, 0.01602383702993393, -0.014275286346673965, -0.0013925234088674188, -0.0003705427225213498, -0.013025344349443913, -0.023619109764695168, -0.020777713507413864, -0.07748270034790039, 0.010887467302381992, -0.0316925011575222, -0.036446377635002136, 0.004729968961328268, 0.01017028745263815, 0.015559379011392593, -0.009780961088836193, -0.028140755370259285, 0.01430260669440031, 0.0008589077624492347, -0.00504757696762681, -0.007096661254763603, -0.019425317645072937, -0.0070146978832781315, -0.031228041276335716, 0.01534080971032381, 0.05423242598772049, -0.012376467697322369, 0.03161053732037544, 0.06830280274152756, -0.006615126505494118, -0.0010894297156482935, -0.032266244292259216, -0.01111286599189043, -6.883641617605463e-05, 0.015163222327828407, 0.04024401307106018, -0.004917801823467016, -0.01606481894850731, 0.0013225129805505276, -0.028086112812161446, -0.016529278829693794, -0.004613854456692934, -0.025777477771043777, -0.009391635656356812, 0.0159145537763834, 0.013189271092414856, 0.03622780740261078, -0.009944887831807137, 0.0044533428736031055, -0.027362102642655373, 0.004907556343823671, -0.002151538385078311, 0.02355080656707287, 0.005959419533610344, 0.012000802904367447, -0.004296246450394392, 0.014616799540817738, 0.017526499927043915, 0.01812756434082985, 0.07529701292514801, 0.0018902800511568785, -0.0042006224393844604, -0.022854117676615715, -0.006789298728108406, -0.031173398718237877, -0.026378542184829712, -0.022007163614034653, 0.046773761510849, -0.019766831770539284, -0.008674455806612968, 0.03090018779039383, -0.003169249976053834, -0.006160913035273552, -0.016365351155400276, 0.004183546639978886, 0.00022347822960000485, -0.009787791408598423, 0.021433420479297638, -0.03163785859942436, 0.03715672343969345, -0.014999295584857464, 0.0075406297110021114, -0.0009886830812320113, -0.020641107112169266, -0.012294504791498184, 0.010061003267765045, -0.013913281261920929, 0.03278534486889839, -0.031255364418029785, 0.050352826714515686, -0.02006736397743225, 0.010300062596797943, 0.018564701080322266, -0.021774934604763985, -0.014029395766556263, -0.04753874987363815, 0.017772389575839043, 0.021733952686190605, -0.0056759631261229515, 0.028250038623809814, -0.006297518499195576, 0.03939705714583397, 0.0020866505801677704, -0.004344058223068714, -0.02109190635383129, -0.004951953422278166, -0.016228746622800827, -0.0021669063717126846, -0.03204767405986786, -0.025845780968666077, 0.0042006224393844604, 0.010723540559411049, -0.01428894605487585, -0.04710161313414574, 0.03068161942064762, 0.016187764704227448, -0.01012930553406477, -0.025818459689617157, 0.025217395275831223, 0.011222150176763535, 0.010812333784997463, 0.06764709949493408, 0.0019278465770184994, -0.014603139832615852, 0.0009400173439644277, 0.020613785833120346, 0.01585991121828556, -0.009097933769226074, -0.035544779151678085, 0.0213787779211998, 0.04445146396756172, -0.03305855765938759, 0.017622122541069984, -0.03723868727684021, -0.10928448289632797, 0.007083000615239143, 0.006123346276581287, 0.019739510491490364, -0.018469078466296196, -0.03423336520791054, -0.0012473799288272858, -0.025832120329141617, 0.0381949283182621, 0.03491639345884323, -0.012342317029833794, -0.0011073591886088252, 0.01920674741268158, -0.016283389180898666, 0.0004418337484821677, 0.00372933316975832, 0.019999060779809952, -0.0033246390521526337, -0.0506533607840538, 0.05114514008164406, -0.01917942799627781, -0.02106458507478237, 0.03374158591032028, -0.029288241639733315, 0.01898817904293537, 0.011993972584605217, 0.02226671390235424, -0.0025084204971790314, 0.01583258993923664, 0.0005297735915519297, 0.026870323345065117, 0.003988883923739195, 0.0014779019402340055, -0.010457159020006657, 0.01534080971032381, -0.010313723236322403, 0.04059918597340584, -0.037539221346378326, 0.010211269371211529, -0.041992563754320145, -0.01825050823390484, 0.032430171966552734, -0.026897644624114037, 0.011802724562585354, 0.03513496369123459, -0.009029630571603775, 0.003114607883617282, -0.010477649979293346, 0.03385087102651596, -0.05098121240735054, 0.01924772933125496, 0.016419993713498116, 0.013141459785401821, -0.006130176596343517, 0.008845212869346142, 0.03527156636118889, 0.019876115024089813, -0.026159973815083504, -0.009541901759803295, -0.02551792748272419, 0.011003581807017326, 0.0178543534129858, 0.0657346174120903, -0.03931509330868721, -0.004108413588255644, -0.018865235149860382, 0.01163879781961441, 0.0009938058210536838, -0.004948538262397051, 0.03221160173416138, -0.002590383868664503, 0.0008473816560581326, -0.030381087213754654, 0.042921483516693115, 0.007192285265773535, 0.07731877267360687, -0.03576334938406944, -0.01285458728671074, -0.03830421343445778, 0.004159640520811081, -0.017280608415603638, -0.00743134506046772, -0.028933066874742508, -0.013974753208458424, -0.021624667569994926, -0.002723574172705412, 0.024110889062285423, 0.00015912418894004077, -0.01580526866018772, 0.018796931952238083, -0.019876115024089813, -0.0056793782860040665, -0.0006616833852604032, -0.008189505897462368, 0.01160464622080326, 0.006232630927115679, -0.012007633224129677, 0.009193557314574718, -0.049478549510240555, 0.016529278829693794, 0.018619343638420105, -0.0010817456059157848, 0.009412126615643501, -0.018441757187247276, 0.029315562918782234, 0.042812198400497437, 0.03095483034849167, 0.004149395506829023, -0.014261625707149506, -0.034643180668354034, -0.0050680679269135, -0.018387114629149437, 0.005409582052379847, 0.0042006224393844604, 0.014466533437371254, 0.006041382905095816, 0.010204439051449299, 0.02323661372065544, -0.03251213580369949, -0.010511801578104496, 0.0022181335370987654, 0.03516228497028351, -0.0285778921097517, 0.0005626443307846785, -0.019739510491490364, 0.032320886850357056, 0.00798459816724062, -0.012116917409002781, -0.04136417806148529, 0.034479256719350815, -0.018892554566264153, 0.0015888939378783107, -0.006464860402047634, 0.0015146146761253476, -0.016665883362293243, 0.001371178776025772, 0.0266380924731493, -0.014767065644264221, -0.003380988724529743, 0.0111060356721282, -0.00960337370634079, 0.0020149326883256435, 0.014616799540817738, -0.014452872797846794, -0.027976827695965767, 0.019548261538147926, 0.02450704574584961, -0.014029395766556263, -0.01119482982903719, 0.04961515590548515, -0.006396557670086622, 0.031118758022785187, 0.0017775804735720158, -0.029452169314026833, -0.01432992797344923, 0.002831151243299246, 0.009159405715763569, -0.008612983860075474, 0.020518161356449127, -0.04029865562915802, 0.027799241244792938, -0.0013430038234218955, -0.02106458507478237, 0.0029336053412407637, -0.00789580401033163, 0.0006326547008939087, -0.024083567783236504, 0.040544543415308, -0.01383131742477417, 0.009589713998138905, -0.039642948657274246, 0.02240332029759884, 0.0024452402722090483, 0.05231994763016701, -0.020436199381947517, -0.012793115340173244, -0.04685572162270546, 0.041937921196222305, -0.006666353438049555, 0.03499835729598999, -0.052593160420656204, 0.026883983984589577, 0.0015009541530162096, 0.012034953571856022, 0.01691177487373352, 0.0035824819933623075, -0.03486175090074539, 0.00745866633951664, 0.014521175995469093, 0.014726084657013416, 0.01389279030263424, 0.01799095794558525, -0.016406333073973656, -0.0036337091587483883, 0.009015969932079315, -0.010054172948002815, 0.038877956569194794, 0.008510529063642025, 0.026924965903162956, 0.023687412962317467, 0.03958830609917641, -0.02978002279996872, -0.006208724807947874, 0.03595459461212158, 0.015655001625418663, -0.004671911709010601, 0.020504500716924667, 0.007526969071477652, 0.008606153540313244, 0.04461539164185524, 0.02352348528802395, 0.00842856615781784, -0.046309299767017365, 0.02762165293097496, -0.004914386663585901, 0.03076358325779438, 0.020545482635498047, -0.044068969786167145, 0.008278300054371357, 0.033577658236026764, -0.01907014288008213, 0.020668428391218185, -0.008510529063642025, 0.0010023436043411493, -0.031146077439188957, 0.009316502138972282, 0.0006979692843742669, -0.009036460891366005, 0.029096994549036026, 0.002855057129636407, -0.0383315347135067, -0.01162513718008995, -0.0013045835075899959, -0.017280608415603638, 0.03794903680682182, 0.03699279949069023, -0.0011918839300051332, -0.002506712917238474, -0.004955368582159281, 0.016406333073973656, 0.0012106671929359436, 0.02756701223552227, 0.025272037833929062, -0.008647134527564049, -0.004852914251387119, 0.0157779473811388, -0.014971974305808544, -0.0035654064267873764, -0.030189838260412216, 0.02569551393389702, -0.011420228518545628, 0.018305150792002678, -0.010805503465235233, -0.0070693399757146835, -0.003906920552253723, -0.027129873633384705, 0.0069498103111982346, 0.008681286126375198, -0.022594567388296127, 0.028960388153791428, 0.006543408613651991, 0.025026146322488785, 0.0213104747235775, -0.002892623655498028, -0.03221160173416138, 0.05237459018826485, -0.00743817538022995, -0.0073903631418943405, 0.0027884619776159525, 0.030326444655656815, 0.010948939248919487, 0.008729098364710808, 0.02443874254822731, 0.01285458728671074, 0.03895992040634155, 0.01602383702993393, -0.01212374772876501, 0.023701073601841927, -0.0158462505787611, 0.03092750906944275, 0.009357484057545662, 0.015491075813770294, 0.005020256154239178, 0.01017711777240038, -0.004548966884613037, -0.013735693879425526, -0.010785012505948544, -0.015313488431274891, 0.006253121420741081, 0.020572803914546967, -0.021925199776887894, -0.015586699359118938, -0.0019876116421073675, -0.015163222327828407, 0.0025750156491994858, -0.00795044656842947, -0.024670973420143127, -0.008134864270687103, -0.0038283721078187227, 0.04453342780470848, 0.02860521338880062, 0.05103585496544838, -0.005368600133806467, -0.005747681017965078, 0.023673752322793007, 0.022348677739501, 0.002076405333355069, 0.003749823896214366, -0.030135197564959526, 0.0041425651870667934, -0.015067598782479763, -0.005163691937923431, 0.01594187505543232, 0.016556600108742714, -0.0003709695884026587, -0.028222719207406044, -0.018455417826771736, -0.002061037113890052, 0.0032614588271826506, -0.007677235174924135, -0.031473930925130844, 0.018619343638420105, 0.022048145532608032, 0.012526733800768852, -0.027307460084557533, -0.0362551286816597, 0.01588723249733448, 0.02353714592754841, 0.026159973815083504, 0.04390504211187363, 0.01710302196443081, -0.028960388153791428, -0.02756701223552227, -0.025176413357257843, -0.0003553880378603935, 0.036746907979249954, 0.019493620842695236, -0.036664944142103195, -0.0008537850226275623, 0.0057920776307582855, -0.06688210368156433, 0.019548261538147926, 0.024875881150364876, 0.027006927877664566, 0.01585991121828556, -0.026774698868393898, 0.01601017639040947, 0.012560885399580002, -0.02023128978908062, 0.0029096994549036026, 0.022007163614034653, -0.028851104900240898, 0.006512672174721956, 0.002938728081062436, 0.010293232277035713, 0.00264844112098217, -0.012629188597202301, 0.028277359902858734, -0.012335486710071564, -0.0022078880574554205, 0.01687079295516014, -0.010935278609395027, -0.004070847295224667, -0.03579067066311836, 0.016474636271595955, 0.009453107602894306, -0.005549602676182985, -0.02004004269838333, 0.0005434341728687286, 0.02118752896785736, 0.00666293827816844, 0.04819445684552193, -0.02546328492462635, 0.01607847958803177, -0.0030121535528451204, 0.025886762887239456, 0.030135197564959526, -0.019397996366024017, -0.02538132108747959, 0.004224528558552265, 0.002334248274564743, -0.018428096547722816, -0.0019705358427017927, -0.02991662733256817, -0.002559647662565112, -0.02874181978404522, 0.015272506512701511, -0.014534836634993553, -0.007226436398923397, 0.025886762887239456, 0.009227708913385868, -0.009821943007409573, -0.003647369798272848, -0.0008913516066968441, 0.03849545866250992, 0.005447148345410824, 0.05961468815803528, 0.01710302196443081, 0.02113288827240467, 0.02666541375219822, 0.01163196749985218, -0.0044567580334842205, 0.0148763507604599, -0.000656987598631531, 0.012984363362193108, -0.002165198791772127, 0.0016589043661952019, 0.01579160802066326, -0.0005570947541855276, -0.017540160566568375, 0.04753874987363815, 0.01904282160103321, -0.004784611519426107, -0.014097698964178562, -0.04488860070705414, 0.02972538024187088, -0.0016119461506605148, 0.014138679951429367, -0.03398747369647026, 0.02661077305674553, 0.004695817828178406, 0.0072127762250602245, -0.017266947776079178, 0.018400775268673897, 0.005990155972540379, -0.019889775663614273, -0.01819586753845215, 0.0028413967229425907, 0.012745303101837635, -0.003790805581957102, 0.02136511728167534, 0.005167107097804546, 0.006031137425452471, 0.0036541998852044344, -0.04587216302752495, -0.0022335017565637827, 0.006239461246877909, 0.0358453094959259, -0.014439213089644909, 0.01911112479865551, -0.023045366629958153, 0.017567481845617294, -0.0015871863579377532, -0.027034249156713486, 0.023851338773965836, -0.019671207293868065, -0.0089271767064929, -0.0002101378486258909, 0.0932743102312088, -0.0035278399009257555, 0.042812198400497437, -0.0053105428814888, 0.036719586700201035, -0.025258377194404602, -0.006399972829967737, -0.021856896579265594, -0.046008769422769547, -0.006666353438049555, -0.011386076919734478, 0.021611006930470467, 0.0004917801707051694, 0.03158321604132652, -0.04139149934053421, 0.014521175995469093, -0.028468608856201172, -0.01438457053154707, -0.017676765099167824, 0.018728628754615784, 0.008763249963521957, -0.00023479088849853724, 0.0111060356721282, 0.020914318040013313, 0.015163222327828407, -0.015682322904467583, 0.04997033253312111, 0.03510764241218567, 0.014247965067625046, -0.02016298845410347, -0.006147252395749092, -0.018537381663918495, 0.0222803745418787, 0.028222719207406044, -0.0017007398419082165, -0.03521692380309105, 0.001405330142006278, 0.026214616373181343, 0.011905178427696228, -0.006847355980426073, -0.013523954898118973, 0.004060601815581322, 0.017567481845617294, 0.015436433255672455, 0.003739578416571021, -0.0028226133435964584, 0.00029711719253100455, -0.00797093752771616, 0.014944653026759624, -0.009596544317901134, -0.020272271707654, 0.018455417826771736, -0.011789063923060894, -0.005433488171547651, -0.014056717045605183, -0.013380519114434719, 0.006007231771945953, 0.021925199776887894, 0.031528573483228683, 0.013585427775979042, 0.011071884073317051, -0.018537381663918495, 0.014220643788576126, 0.00842173583805561, 0.0009562392369844019, -0.006731241475790739, -0.009746810421347618, 0.0070146978832781315, -0.01264967955648899, -0.027840223163366318, -0.0022915590088814497, -0.008865703828632832, 0.011952990666031837, 0.016201425343751907, -0.0039376565255224705, 0.008961327373981476, -0.006888337898999453, -0.010313723236322403, 0.035490136593580246, 0.0033092708326876163, 0.0013259281404316425, -0.029096994549036026, -0.005611075088381767, 0.01606481894850731, 0.0027782164979726076, 0.01066206768155098, 0.02751236967742443, 0.006126761436462402, -0.010894296690821648, -0.016460975632071495, -0.04059918597340584, 0.016283389180898666, 0.016488296911120415, 0.017635783180594444, 0.009849264286458492, -0.016460975632071495, -0.027348442003130913, 0.015695983543992043, 0.02674737758934498, 0.0018390530021861196, 0.029534131288528442, 0.007766028866171837, 0.019766831770539284, 0.011502192355692387, -0.02969805896282196, -0.015600359998643398, -0.008080221712589264, -0.015245186164975166, -0.0012593329884111881, -0.0075952718034386635, 0.013612749055027962, 0.009576053358614445, 0.006335084792226553, -0.01711668260395527, -0.009227708913385868, 0.03972490876913071, 0.004186961799860001, -0.014794386923313141, -0.030162518844008446, -0.03600923717021942, 0.0004091764858458191, 0.00395814748480916, -0.031118758022785187, -0.012492583133280277, 0.005563263315707445, 0.005272976588457823, -0.023851338773965836, 0.0012601867783814669, -0.007185454946011305, 0.01060059480369091, 0.03207499533891678, 0.0488501638174057, 0.01804560050368309, 0.015764286741614342, -0.01610580086708069, 0.025039806962013245, 0.01438457053154707, -0.010074663907289505, 0.0016136537306010723, -0.014084038324654102, -0.055899012833833694, -0.01215106900781393, -0.02658345177769661, -0.004043526016175747, 0.005894531961530447, 0.03857742249965668, -0.042948801070451736, 0.01924772933125496, -0.00211397185921669, 0.013599088415503502, -0.03641905635595322, 0.011413398198783398, 0.014794386923313141, 0.02542230300605297, 0.006560484413057566, -0.021747613325715065, 0.017348911613225937, 0.0009852679213508964, 0.002213010797277093, 0.016529278829693794, -0.021474400535225868, 0.00017876124184112996, -0.04789392650127411, 0.0012046906631439924, 0.006666353438049555, -0.014015735127031803, -0.001320805517025292, 0.023195631802082062, 0.009473598562180996, -0.010750860907137394, -0.004880235530436039, -0.010757691226899624, 0.007622593082487583, 0.014056717045605183, -0.022635549306869507, 0.0007385240751318634, -0.00846954807639122, 0.0041391500271856785, -0.02223939262330532, 0.0007150449673645198, -0.0015726720448583364, 0.02327759563922882, -0.011946160346269608, -0.0148080475628376, 0.003821541788056493, 0.030381087213754654, 0.010791842825710773, -0.0007504770765081048, 0.0070761702954769135, -0.0055291117168962955, 0.019602904096245766, -0.021570025011897087, 0.01915210671722889, -0.008291960693895817, 0.03300391510128975, 0.00420745275914669, -0.02323661372065544, 0.04155542701482773, 0.03480710834264755, 0.01213057804852724, 0.023728393018245697, -0.039861515164375305, -0.03256677836179733, -0.0005033062770962715, -0.0380583219230175, 0.015750626102089882, 0.015436433255672455, 0.00481876265257597, 0.009780961088836193, 0.02238965965807438, 0.0028328588232398033, -0.01908380351960659, -0.016734186559915543, 0.03161053732037544, 0.020422538742423058, -0.000680893543176353, -0.017225967720150948, 0.0014915624633431435, 0.014534836634993553, -0.04057186469435692, 0.035572100430727005, 0.01014979649335146, 0.015682322904467583, -0.04046257957816124, 0.02035423554480076, -0.0010151504538953304, 0.021897878497838974, -0.03609120100736618, 0.00583647470921278, -0.011843706481158733, 0.03084554523229599, -0.016269728541374207, -0.018469078466296196, 0.03087286651134491, -0.011427058838307858, -0.007151303347200155, -0.02874181978404522, 0.027867544442415237, -0.007062509655952454, 0.007205945905297995, 0.013489803299307823, -0.003269996726885438, 0.002137877745553851, -0.031036794185638428, 0.00023457744100596756, 0.008879364468157291, -0.005617905408143997, -0.019630225375294685, -0.020996281877160072, -0.02453436702489853, 0.026050688698887825, -0.022608228027820587, 0.020381556823849678, -0.043085407465696335, 0.026228277012705803, -0.01685713231563568, 0.008708607405424118, -0.017512839287519455, 0.010354705154895782, 0.0028909160755574703, -0.05322154611349106, 0.0014599724672734737, 0.010477649979293346, -0.004733384121209383, 0.003363913157954812, 0.0003112046397291124, 0.006888337898999453, 0.002276191022247076, -0.019780492410063744, -0.0035961426328867674, -0.01905648224055767, -0.005839889869093895, 0.00022603958495892584, -0.005723774898797274, 0.015682322904467583, 0.00842173583805561, -0.0006198479677550495, -0.003280242206528783, -0.009487259201705456, 0.010382026433944702, 0.0011304114013910294, 0.007643083576112986, -0.01109920535236597, -0.011802724562585354, -0.011256301775574684, 0.03221160173416138, 0.005078313406556845, 0.013469313271343708, 0.031391967087984085, 0.007349381688982248, 0.03920580819249153, 0.007130812853574753, -0.009671676903963089, -0.0014326513046398759, 0.010033681988716125, 0.024056246504187584, 0.006854186300188303, -0.04251166433095932, 0.002281313529238105, 0.03707476332783699, -0.034533895552158356, -0.001182492240332067, 0.010443498380482197, 0.015122240409255028, 0.02135145664215088, -0.002009809948503971, 0.00840807519853115, 0.01016345713287592, 0.0029233600944280624, 0.009897076524794102, 0.022526264190673828, -0.01703471876680851, -0.01581892929971218, -0.02023128978908062, 0.03617316484451294, 0.026364881545305252, -0.01583258993923664, -0.0007334013353101909, -0.01014296617358923, 0.03409675881266594, -0.0020559143740683794, 0.02129681408405304, 0.022963402792811394, -0.009480428881943226, 0.07447737455368042, -0.0004371379327494651, -0.05111781880259514, -0.0306542981415987, -0.00020928405865561217, -0.04166470840573311, 0.03087286651134491, 0.018837913870811462, 0.04865891858935356, 0.011386076919734478, 0.01928871124982834, 0.01900183968245983, 0.033604979515075684, -0.0039376565255224705, 0.02121485024690628, 0.00021440676937345415, 0.0012747010914608836, -0.015163222327828407, -0.004733384121209383, 0.0002951961650978774, -0.010190778411924839, 0.019944418221712112, 0.018783271312713623, 0.007813841104507446, -0.00038889909046702087, -0.013230253010988235, 0.013189271092414856, 0.02860521338880062, 0.025818459689617157, 0.02333223819732666, -0.02013566717505455, 0.011952990666031837, -0.0028755480889230967, -0.02031325362622738, 0.0318291075527668, -0.0028413967229425907, -0.018824253231287003, -0.013626409694552422, 0.005020256154239178, 0.06316643208265305, 0.015668662264943123, -0.0014070377219468355, -0.06190966069698334, -0.0017861182568594813, -0.02454802766442299, 0.007834331132471561, -0.003225599881261587, -0.004156225360929966, 0.05532526969909668, -0.012943381443619728, 0.015750626102089882, 0.013578597456216812, 0.010853315703570843, -0.0032238923013210297, -0.007752368226647377, -0.02006736397743225, 0.020682089030742645, -0.05655471980571747, 0.030107876285910606, -0.0022949741687625647, 0.012007633224129677, -0.004385040141642094, 0.014084038324654102, -0.007704556453973055, 0.007622593082487583], "2fcc3328-92c5-4a67-8bf3-077a0f0e0360": [-0.009336654096841812, 0.02207694947719574, 0.043219566345214844, 0.01177926640957594, 0.020074807107448578, -0.005999751389026642, 0.021142616868019104, -0.004995343275368214, -0.006787260062992573, 0.054244693368673325, 0.000694075773935765, -0.05739472806453705, -0.027202431112527847, 0.020275020971894264, -0.008796075358986855, -0.01307398546487093, -0.021449610590934753, 0.02717573568224907, -0.01918051764369011, 0.025600718334317207, 0.06257360428571701, 0.03702627494931221, 0.0578218512237072, -0.010210922919213772, 0.04329964891076088, -0.009897253476083279, -0.007648181170225143, 0.034196577966213226, -0.009416739456355572, -0.003138357074931264, 0.004915257915854454, -0.016003785654902458, -0.05664725974202156, -0.0030365814454853535, 0.0036605822388082743, -0.00493527902290225, -0.028243545442819595, 0.03400971367955208, 0.028590582311153412, -0.01828622631728649, -0.0027045595925301313, 0.0035871705040335655, 0.006450233049690723, -0.026761960238218307, 0.016791295260190964, 0.05451164394617081, -0.039428845047950745, -0.030886372551321983, -0.03387623652815819, 0.034356750547885895, -0.04967980831861496, 0.04313948005437851, -0.007287795655429363, 0.00044047116534784436, 0.00718768872320652, 0.026228055357933044, -0.006777249742299318, -0.01322080846875906, 0.005288990680128336, 0.014281943440437317, -0.017351893708109856, 0.017191722989082336, -0.017645541578531265, 0.05638030916452408, 0.013854820281267166, -0.007027517072856426, -0.006553676910698414, 0.035050828009843826, 0.002362527186051011, 0.0080686304718256, 0.023772096261382103, 0.022330554202198982, 0.015016062185168266, -0.018993651494383812, -0.025881018489599228, -0.004274572245776653, -0.003371940227225423, 0.007634833455085754, -0.0026127949822694063, -0.000556428509298712, 0.016177304089069366, -0.0316605344414711, -0.024506213143467903, 0.007160993292927742, 0.010971736162900925, 0.005756157450377941, -0.03195418044924736, -0.007287795655429363, -0.0578218512237072, -0.054404862225055695, -0.03441014140844345, 0.04722384735941887, -0.03155375272035599, 0.0508543998003006, 0.0514683872461319, 0.013447717763483524, -0.012580123730003834, 0.011672485619783401, -0.022397290915250778, 0.06353463232517242, 0.07869751751422882, -0.04212506115436554, -0.014041686430573463, -0.005299001466482878, 0.08633235096931458, -0.02832362987101078, -0.019994720816612244, 0.033128771930933, 0.008195432834327221, -0.02482655644416809, -0.10822243243455887, -0.03977588191628456, 0.026761960238218307, 0.047437410801649094, 0.04562213644385338, 0.025200290605425835, 0.005872949026525021, -0.028270240873098373, -0.008549144491553307, -0.04663655161857605, -0.03315546736121178, -0.040897078812122345, 0.02423926256597042, -0.03748009353876114, 0.006253355648368597, 0.06438887864351273, 0.024145828559994698, -0.012152999639511108, -0.06930080056190491, -0.02251742035150528, 0.03168722987174988, 0.020088154822587967, -0.004464775789529085, -0.019674379378557205, 0.011932764202356339, 0.003964240662753582, -0.05536589026451111, -0.004878551699221134, -0.0586760975420475, -0.013707996346056461, -0.018339617177844048, -0.04185810685157776, -0.013100679963827133, 0.038387730717659, 0.012493363581597805, 0.005592648871243, -0.01669786125421524, 0.012686904519796371, -0.012253106571733952, -0.05691421404480934, 0.023318275809288025, 0.008589187636971474, -0.01213965192437172, -0.004955300595611334, -0.011579052545130253, -0.02674861252307892, 0.00613322714343667, 0.042925916612148285, 0.022437334060668945, 0.0400962233543396, -0.03467709198594093, -0.04038986936211586, -0.006316756829619408, -0.05290992930531502, -0.02630814164876938, -0.035077523440122604, 0.004050999879837036, -0.013908211141824722, -0.032594867050647736, -0.005522574298083782, -0.048585303127765656, -0.012466669082641602, -0.04343312606215477, -0.03315546736121178, 0.014028339646756649, -0.008896183222532272, -0.01684468612074852, -0.09797146916389465, -0.01233986672013998, -0.0018669971032068133, -0.02700221724808216, 0.029845258221030235, -0.03211435303092003, -0.005976392887532711, 0.02526702731847763, -0.015630053356289864, -0.0030832982156425714, -0.0039442190900444984, -0.025493936613202095, -0.019220560789108276, -0.004681674763560295, 0.012193042784929276, 0.003627213416621089, -0.06577702611684799, -0.037960607558488846, -0.05771506950259209, 0.03662584349513054, -0.020408498123288155, 0.024746470153331757, -0.005188883747905493, 0.02510685659945011, -0.016203999519348145, 0.02700221724808216, 0.018953608348965645, -0.0016033818246796727, 0.003048260696232319, -0.02166317217051983, -0.01875339448451996, -0.0010577981593087316, -0.058035414665937424, 0.04922598972916603, -0.025507284328341484, 0.04402042180299759, 0.05638030916452408, -0.04909251257777214, 0.008869487792253494, -0.02514689974486828, 0.017779018729925156, -0.023705357685685158, 0.024813208729028702, 0.0265884418040514, -0.0007403753115795553, 0.00959693267941475, -0.011385512538254261, 0.018820131197571754, 0.034650400280952454, 0.021543044596910477, -0.006446896120905876, 0.01831292174756527, -0.03366267681121826, 0.015283014625310898, -0.007100929040461779, 0.009009637869894505, 0.012092935852706432, 0.01829957403242588, -0.052376024425029755, 0.02888423018157482, -0.009556889533996582, -0.03248808532953262, -0.057608287781476974, 0.009610280394554138, 0.07132963091135025, 0.010571308434009552, 0.04434076324105263, 0.007528052665293217, -0.040443260222673416, 0.00018968206131830812, -0.053523920476436615, -0.01380142942070961, -0.002092238049954176, 0.023278234526515007, 0.018419703468680382, -0.01584361493587494, -0.035824988037347794, -0.024039046838879585, -0.03731992095708847, -0.013934905640780926, 0.030672810971736908, 0.002727918094024062, -0.04511492699384689, 0.004751749336719513, -0.02078223042190075, -0.014775805175304413, -0.010791543871164322, -0.010331051424145699, 0.020114850252866745, 0.01373469177633524, 0.06508295238018036, -0.034917350858449936, 0.011585726402699947, -0.02829693630337715, -0.004795129410922527, 0.01444211509078741, 0.014148468151688576, -0.03598516061902046, -0.0005380755756050348, 0.006153248716145754, -0.005075429100543261, 0.002477650297805667, -0.03892163559794426, -0.0034970741253346205, 0.005609333515167236, 0.03806738555431366, -0.003770700190216303, 0.006290061865001917, -0.010431158356368542, -0.016751252114772797, -0.007107602898031473, 0.0029264637269079685, 0.04065682366490364, 0.037853825837373734, -0.0106647415086627, -0.0161372609436512, -0.029524914920330048, 0.03598516061902046, -0.0012229748535901308, 0.01903369277715683, -0.008462385274469852, 0.00792180746793747, 0.017965884879231453, 0.0004959471989423037, -0.007608138490468264, -0.03280842676758766, 0.020995792001485825, -0.004805140197277069, 0.015883658081293106, 0.015576662495732307, 0.027949897572398186, -0.01524297147989273, -0.08611878752708435, 0.004591578152030706, 0.02063540741801262, 0.05114804580807686, -0.044527631253004074, -0.020875664427876472, -0.013681301847100258, 0.018259532749652863, -0.004981996025890112, -0.0022841100580990314, -0.010437832213938236, -0.007334512192755938, 0.015656746923923492, -0.011972807347774506, -0.020234977826476097, -0.017899146303534508, 0.0035504645202308893, -0.0023274896666407585, 0.02050193026661873, -0.047597579658031464, 0.014281943440437317, -0.00686734588816762, -0.054217997938394547, -0.01111856009811163, 0.016297433525323868, -0.012927161529660225, 0.00457489350810647, -0.027095651254057884, 0.011819309554994106, -0.018086012452840805, 0.013881515711545944, -0.03091306798160076, -0.02060871198773384, -0.016350824385881424, 0.0022690938785672188, 0.044207289814949036, -0.03542456030845642, 0.004040989093482494, 0.05299001559615135, -0.004808477126061916, 0.05357731133699417, -0.022143686190247536, 0.020662102848291397, -0.03307538107037544, 0.0337427593767643, -0.01759215071797371, 0.005766167771071196, 0.020114850252866745, -0.01401499193161726, -0.023064671084284782, 0.019100431352853775, -0.04340643063187599, -0.010951714590191841, 0.013334263116121292, 0.0033936300314962864, 0.015082800760865211, 0.024639690294861794, -0.053230274468660355, -0.056113358587026596, 0.02848380245268345, 0.004027641844004393, 0.01546988170593977, -0.028724059462547302, 0.020662102848291397, -0.010658067651093006, -0.03889494016766548, 0.02031506411731243, 0.028804143890738487, 0.023478448390960693, -0.0054324776865541935, 0.039482232183218, 0.08756032586097717, -0.007621485739946365, -0.043353039771318436, -0.061345621943473816, 0.029524914920330048, 0.031206713989377022, 0.02760285884141922, -0.005819558631628752, 0.007341186050325632, -0.00034015552955679595, -0.008055283688008785, 0.00828219298273325, 0.0624668188393116, 0.009530194103717804, 0.02629479393362999, 0.02367866225540638, 0.01546988170593977, 0.0629473328590393, 0.01554996706545353, -0.06972791999578476, 0.007621485739946365, -0.03764026239514351, -0.046556469053030014, -0.014615634456276894, -0.02760285884141922, 0.060651544481515884, -0.014495505951344967, 0.031286802142858505, 0.04484797269105911, -0.005028712563216686, 0.025200290605425835, -0.02092905342578888, 0.06353463232517242, -0.04951963573694229, 0.03531777858734131, -0.05536589026451111, 0.015897003933787346, 0.0856916606426239, 0.03881485387682915, -0.02382548525929451, 0.01510949619114399, -0.05029379948973656, -0.013661280274391174, -0.024599647149443626, -0.0369194932281971, 0.02630814164876938, 0.034917350858449936, -0.011045148596167564, 0.05547267198562622, -0.06866011023521423, -0.027415992692112923, 0.020234977826476097, 0.029658392071723938, 0.033902931958436966, -0.02729586511850357, -0.0010552954627200961, 0.05021371319890022, 0.011772592552006245, -0.008689294569194317, -0.003580496646463871, 0.019087083637714386, 0.01139886025339365, -0.017311852425336838, -1.8379034372628666e-05, -0.06839315593242645, 0.0022941206116229296, -0.005906317848712206, 0.00461159972473979, 0.02684204652905464, 0.023478448390960693, -0.03489065542817116, -0.019260602071881294, -0.003118335735052824, 0.029124487191438675, -0.017391936853528023, -0.03326224535703659, 0.034944046288728714, -0.04572891443967819, 0.014415419660508633, -0.01038444135338068, 0.020435191690921783, 0.06027781218290329, 0.028937621042132378, 0.03649237006902695, 0.02819015458226204, 0.05226924642920494, -0.01132544782012701, -0.005125482566654682, -0.007875090464949608, -0.022690938785672188, -0.013461065478622913, 0.015443186275660992, -0.01075817458331585, 0.018072664737701416, -0.037400007247924805, 0.007821700535714626, 0.06599058955907822, 0.005712777376174927, 0.00015579165483359247, -0.03254147619009018, 0.06027781218290329, -0.006583709269762039, -0.03908180445432663, 0.007314491085708141, 0.0322745218873024, -0.0027078965213149786, 0.01784575544297695, 0.024305999279022217, 0.0005405782721936703, 0.0005455836071632802, -0.013047290034592152, 0.012853749096393585, 0.022624200209975243, -0.01364125870168209, 0.030566029250621796, -0.024653038010001183, -0.058195583522319794, -0.023772096261382103, -0.05234932899475098, 0.004464775789529085, -0.007614812348037958, 0.014802500605583191, 0.005919665563851595, 0.03822755813598633, 0.022183729335665703, 0.004271235782653093, 0.039161890745162964, -0.011959459632635117, -0.023011282086372375, -0.010644719935953617, -0.0238388329744339, 0.012873770669102669, 0.0049085840582847595, -0.02789650671184063, -0.018045969307422638, 0.008682620711624622, 0.03675932064652443, 0.017512066289782524, -0.019714422523975372, -0.02670856937766075, -0.006853998173028231, -0.001535809482447803, 0.010157532058656216, 0.00548920501023531, -0.0386279858648777, 0.014228553511202335, -0.01831292174756527, 0.013894863426685333, -0.026815351098775864, -0.050026845186948776, -0.004448091611266136, -0.025814279913902283, 0.011385512538254261, 0.00726777408272028, -0.0019520880887284875, -0.03096645697951317, 0.011492293328046799, -0.012079588137567043, 0.007174341008067131, -0.040443260222673416, 0.02789650671184063, -0.014508853666484356, 0.049893371760845184, -0.003493737196549773, -0.003693951293826103, 0.021729910746216774, 0.018339617177844048, -0.0005188884097151458, -0.002100580371916294, -0.02467973344027996, 0.0027412655763328075, -0.0023792115971446037, 0.04370008036494255, -0.018566526472568512, 0.01270025223493576, 0.0453551821410656, -0.028003288432955742, -0.004267898853868246, -0.008535797707736492, 0.0037306572776287794, 0.015122842974960804, -0.026935478672385216, 0.016390865668654442, 0.00922319944947958, 0.01016420591622591, 0.040443260222673416, 0.017178375273942947, -0.015323057770729065, -0.0075480742380023, -0.0006315088248811662, -0.0015616704476997256, -0.02439943328499794, -0.030405858531594276, -0.06716518104076385, 0.012152999639511108, -0.04006952792406082, -0.05082770437002182, 0.008876161649823189, 0.00884946621954441, -0.00842901598662138, -0.01756545528769493, -0.018379660323262215, 0.004985332954674959, 0.0016484300140291452, -0.011452250182628632, -0.027189083397388458, -0.00972373504191637, -0.002083895727992058, -0.01687137968838215, 0.006713848561048508, 0.02717573568224907, -0.0030732874292880297, 0.0345970094203949, 0.07709579914808273, -0.007748288102447987, 0.014228553511202335, -0.028377020731568336, -0.010851607657968998, -0.011952785775065422, 0.0021356178913265467, 0.011612421832978725, -0.017779018729925156, -0.007381228730082512, -0.01300057303160429, -0.0289109256118536, -0.020648755133152008, 0.006343452259898186, -0.014909281395375729, -0.008222128264605999, 0.01930064521729946, 0.006967452820390463, 0.018780088052153587, -0.002801329828798771, -0.009183156304061413, -0.034490227699279785, 0.02206360176205635, 0.0025777574628591537, 0.025974450632929802, 0.01759215071797371, 0.01653769053518772, -0.0021172647830098867, 0.013854820281267166, 0.014241901226341724, 0.02674861252307892, 0.06994148343801498, 0.005225589964538813, -0.02688208967447281, -0.04223184287548065, 0.007608138490468264, -0.030993152409791946, -0.01248001679778099, -0.022771025076508522, 0.05347052961587906, -0.028270240873098373, -0.010551286861300468, 0.04215175658464432, -0.008689294569194317, -0.009143113158643246, -0.003914186730980873, 0.007100929040461779, -0.001953756669536233, -0.016924770548939705, 0.015162886120378971, -0.01473576296120882, 0.03430335968732834, -0.01918051764369011, 0.011632443405687809, 0.004781781695783138, -0.03529108315706253, -0.006233334541320801, 0.019394079223275185, -0.015162886120378971, 0.03627880662679672, -0.03934875875711441, 0.04826496168971062, -0.013788082636892796, -0.001440707826986909, 0.014829196035861969, -0.03702627494931221, -0.01628408581018448, -0.037987302988767624, 0.02367866225540638, 0.025520632043480873, -0.0348372645676136, 0.00017946280422620475, -0.0002965672465506941, 0.028563886880874634, -0.0012371566845104098, 0.0008304716902785003, -0.021022487431764603, -0.012293149717152119, -0.023705357685685158, 0.009877231903374195, -0.0031200041994452477, -0.026962174102663994, 0.0185798741877079, 0.018820131197571754, -0.018072664737701416, -0.04239201173186302, 0.030619420111179352, 0.0046616531908512115, -0.018339617177844048, -0.008575839921832085, 0.031180020421743393, 0.027095651254057884, 0.02136952616274357, 0.06615076214075089, 0.001064472016878426, -0.002818014472723007, -0.009123092517256737, 0.02003476396203041, 0.011065169237554073, -0.013340936973690987, -0.04137759283185005, 0.005329033825546503, 0.02163647674024105, -0.019380731508135796, 0.004364668857306242, -0.03446353226900101, -0.11809965968132019, 0.006670468486845493, -0.015509923920035362, 0.006620415020734072, -0.023318275809288025, -0.04289922118186951, 0.008782727643847466, -0.029524914920330048, 0.024773165583610535, 0.024372737854719162, -0.015216276980936527, -0.026521703228354454, 0.015856962651014328, -0.024199219420552254, -0.0012888787314295769, 0.009483478032052517, 0.016751252114772797, -0.011252036318182945, -0.04701028764247894, 0.04922598972916603, -0.026054536923766136, -0.006900714710354805, 0.018419703468680382, -0.016737904399633408, -0.02483990415930748, 0.02904440090060234, 0.012233085930347443, -0.02263754792511463, 0.014789152890443802, 0.00595303438603878, 0.024332694709300995, 0.0007057549082674086, 0.032167743891477585, -0.0059129917062819, 0.0019053714349865913, 0.0003205512184649706, 0.02835032530128956, -0.062093086540699005, 0.00588963320478797, -0.03219443932175636, -0.011358817107975483, 0.029738478362560272, -0.026695221662521362, 0.014855891466140747, 0.03678601607680321, -0.01082491222769022, 0.014402071945369244, -0.01744532771408558, 0.031713925302028656, -0.07181014865636826, 0.01872669905424118, 0.02613462321460247, 0.012606818228960037, -0.019954679533839226, 0.011151929385960102, 0.03371606394648552, 0.0029014369938522577, -0.029231268912553787, -0.02179664932191372, -0.021396219730377197, 0.020368454977869987, 0.02046188712120056, 0.05755490064620972, -0.04396703094244003, 0.011051822453737259, -0.018499789759516716, 0.0018086013151332736, 0.021462958306074142, -0.02644161693751812, 0.022330554202198982, -0.002112259389832616, 0.005565953906625509, -0.031446970999240875, 0.02122270129621029, 0.002971512032672763, 0.07132963091135025, -0.035798292607069016, 0.0008926214650273323, -0.008302214555442333, 0.0038574596401304007, -0.012052892707288265, 0.00580954784527421, -0.020248325541615486, 0.0003072036197409034, -0.027843115851283073, -0.004888562485575676, 0.009136440232396126, -0.00359384436160326, -0.01815275102853775, 0.00671051163226366, -0.03427666425704956, 0.00023525164579041302, 0.010618024505674839, -0.02207694947719574, 0.018846826627850533, 0.015950394794344902, -0.006380158010870218, 0.01525631919503212, -0.042178452014923096, 0.036252111196517944, 0.03254147619009018, -0.0045114923268556595, 0.005862938240170479, -0.00048426800640299916, 0.0514683872461319, 0.022450681775808334, 0.03294190391898155, -0.01872669905424118, -0.000608567672315985, -0.03424996882677078, 0.023611923679709435, -0.015856962651014328, -0.026655178517103195, 0.0022791046649217606, 0.029685087502002716, -0.0016200663521885872, 0.018419703468680382, 0.01829957403242588, -0.032461389899253845, -0.00762815959751606, -6.1002752772765234e-05, 0.03096645697951317, -0.013461065478622913, -0.01744532771408558, -0.02205025404691696, -0.011352143250405788, 0.015149538405239582, -0.007214383687824011, -0.027055608108639717, 0.022757677361369133, -0.03155375272035599, -0.010951714590191841, 7.481961802113801e-06, 0.0018986976938322186, -0.01350110862404108, 0.01286042295396328, 0.043192870914936066, -0.0067972708493471146, -0.006490275729447603, -0.004801803268492222, -0.009877231903374195, 0.02438608556985855, -0.001126204733736813, -0.0015124512137845159, -0.0005263964412733912, 0.025373809039592743, 0.03427666425704956, -0.0008675947319716215, 0.010738153010606766, 0.05328366532921791, -0.009950644336640835, 0.014041686430573463, 0.020141545683145523, 0.0035638122353702784, -0.020008068531751633, 0.00199713627807796, 0.04239201173186302, -0.006927410140633583, 0.032755035907030106, -0.011932764202356339, 0.006410190369933844, -0.012426625937223434, -0.01713833212852478, -0.0101775536313653, -0.013961601071059704, 0.00726777408272028, -0.04207167029380798, 0.04805139824748039, -0.011912742629647255, 0.01788579858839512, -0.018793435767292976, 0.004851856734603643, 0.002462634351104498, 0.04797131568193436, -0.010878303088247776, -0.020234977826476097, -0.025974450632929802, 0.03299529477953911, 0.009356675669550896, 0.030752895399928093, -0.05021371319890022, 0.03707966208457947, -0.007541400380432606, -0.0045114923268556595, 0.010250965133309364, 0.0013472745195031166, -0.040603432804346085, 0.0119794812053442, 0.02642826922237873, 0.026254750788211823, 0.00744796684011817, 0.008522449992597103, -0.01875339448451996, 0.007261100225150585, -0.0021556392312049866, -0.007327838335186243, 0.05021371319890022, 0.004368005786091089, 0.03416988626122475, 0.024065742269158363, 0.04111064225435257, -0.007935155183076859, -0.01609721966087818, 0.04434076324105263, 0.023598575964570045, 0.0069073885679244995, 0.003914186730980873, -0.004861867520958185, 0.007941829040646553, 0.03475717827677727, 0.03558473289012909, 0.005572627764195204, -0.05435147136449814, 0.03820086270570755, 0.003248474793508649, 0.004344647284597158, 0.012026197277009487, -0.05798202380537987, 0.011732550337910652, 0.03998944163322449, 0.0017185049364343286, 0.024946685880422592, -0.005005354061722755, -0.008729337714612484, -0.01147894561290741, 0.016350824385881424, -0.0035337801091372967, -0.014628982171416283, 0.021009139716625214, 0.0029014369938522577, -0.03270164877176285, -0.009296610951423645, 0.003527106251567602, 0.00708758132532239, 0.019420774653553963, 0.04490136355161667, -0.021729910746216774, 0.014321986585855484, -0.022023558616638184, 0.010925020091235638, 0.011211993172764778, 0.014789152890443802, 0.0023992331698536873, -0.011372164823114872, 0.01401499193161726, 0.00906970165669918, -0.0363055020570755, 0.02467973344027996, -0.004711706656962633, 0.05000014975667, -0.009797146543860435, 0.024933338165283203, -0.0035971812903881073, -0.020728839561343193, -0.0033485819585621357, -0.02586767077445984, -0.0019671041518449783, 0.015856962651014328, -0.022610852494835854, 0.03766695782542229, -0.0009293274488300085, 0.009843863546848297, 0.008782727643847466, -0.0007908459519967437, -0.006880693603307009, 0.031286802142858505, -0.014548895880579948, -0.021609783172607422, -0.0013230819022282958, 0.06396175175905228, 0.007067560218274593, 0.006974126677960157, 0.04167124256491661, 0.03328894078731537, 0.038387730717659, 0.018940260633826256, -0.016337476670742035, 0.02223712019622326, 0.004017631057649851, 0.041751328855752945, 0.005242274142801762, 0.016604429110884666, 0.0033485819585621357, 0.011272057890892029, -0.028937621042132378, -0.01657773368060589, -0.007748288102447987, -0.037693653255701065, 0.012386582791805267, 0.010017381981015205, -0.03163383901119232, -0.02949822135269642, 0.005238937214016914, -0.013267525471746922, -0.008615883067250252, -0.02979186736047268, -0.022624200209975243, -0.013594541698694229, 0.0016192321199923754, 0.02106253057718277, 0.02569415047764778, 0.03614532947540283, -0.039855968207120895, 0.023758748546242714, 0.012439973652362823, 0.030619420111179352, 0.0188868697732687, 0.012720273807644844, -0.026081232354044914, 0.014255248941481113, -0.013380980119109154, 0.008122021332383156, -0.002948153531178832, 0.019394079223275185, -0.01609721966087818, -0.012032871134579182, -0.022837761789560318, -0.022197077050805092, -0.0007996053318493068, -0.01474911067634821, -0.027335908263921738, 0.01987459324300289, -0.0060631525702774525, 0.010764848440885544, -0.03051263839006424, -0.030405858531594276, 0.003076624358072877, 0.0156167047098279, -0.0038407749962061644, 0.040469955652952194, 0.0011762581998482347, -0.022917848080396652, -0.022624200209975243, -0.012800359167158604, 0.018406355753540993, 0.026054536923766136, 0.020595364272594452, -0.02020828239619732, 0.02235724776983261, 0.0006840650457888842, -0.0645490437746048, 0.0150961484760046, 0.016350824385881424, 0.01978115923702717, 0.014335334300994873, -0.031580448150634766, 0.017338545992970467, 0.006887367460876703, -0.02888423018157482, 0.01082491222769022, 0.011238688603043556, -0.023304928094148636, 0.003870807122439146, 0.012566776014864445, 0.009903927333652973, 0.033182162791490555, -0.01365460641682148, 0.008228802122175694, 0.008509102277457714, 0.004668327048420906, 0.01546988170593977, -0.03416988626122475, -0.014802500605583191, -0.037106357514858246, 0.00021074626420158893, -0.003298528492450714, -0.004207834601402283, -0.019380731508135796, -0.002601115731522441, 0.021863387897610664, 0.008655926212668419, 0.03689279779791832, -0.009249894879758358, 0.017925841733813286, -0.022717634215950966, 0.016631122678518295, 0.021169310435652733, -0.016764599829912186, -0.00043921981705352664, 0.022450681775808334, 0.009196504019200802, -0.017632193863391876, -0.007381228730082512, -0.02702891267836094, 0.004614936653524637, -0.03235460817813873, 0.007935155183076859, 0.009063027799129486, 0.004094379488378763, 0.012766989879310131, 0.004057673737406731, 0.008408995345234871, 0.0009677017806097865, -0.0007149314042180777, 0.028056679293513298, 0.017685584723949432, 0.03750678896903992, 0.00916313473135233, 0.020448539406061172, 0.019100431352853775, 0.004855193663388491, 0.013921557925641537, 0.004521503113210201, 0.0042211818508803844, 0.01930064521729946, -0.0005326531245373189, 0.0060798367485404015, 0.016938118264079094, -0.005302338395267725, 0.0013814778067171574, 0.04177802428603172, 0.024933338165283203, -0.025186942890286446, -0.007301143370568752, -0.02382548525929451, 0.027923202142119408, -0.0025360460858792067, 0.03163383901119232, -0.02714904025197029, 0.03990935906767845, 0.015002714470028877, 0.009797146543860435, 0.0024542920291423798, -0.0025277037639170885, 0.010264312848448753, -0.007334512192755938, -0.02397231012582779, -0.001478247926570475, 0.021115921437740326, -0.001840301905758679, 0.03315546736121178, -0.004037652164697647, 0.012600145302712917, -0.006813955493271351, -0.045542050153017044, 0.010351072065532207, 0.01233986672013998, 0.024052394554018974, -0.03563812002539635, 0.01684468612074852, -0.01473576296120882, 0.026374880224466324, 0.003266827901825309, -0.015856962651014328, 0.016444256529211998, -0.005118808709084988, -0.008302214555442333, 0.009269915521144867, 0.08659929782152176, -0.027843115851283073, 0.03833433985710144, 0.013748039491474628, 0.039722491055727005, -0.03547795116901398, -0.014588939025998116, -0.02091570571064949, -0.05240271985530853, -0.004491471219807863, -0.023451752960681915, 0.0201682411134243, 0.000974375638179481, 0.04821157082915306, -0.03416988626122475, 0.015576662495732307, -0.02598779834806919, 0.0033035336527973413, -0.012086261995136738, 0.0052789803594350815, -0.004504818934947252, 0.029871953651309013, 0.0030749558936804533, 0.011692507192492485, 0.012760316021740437, -0.027055608108639717, 0.05125482752919197, 0.03382284566760063, 0.03352919965982437, -0.005649376194924116, 0.010751500725746155, -0.009196504019200802, 0.03296859934926033, 0.025493936613202095, -0.01168583333492279, -0.013774734921753407, 0.009016311727464199, 0.00679059699177742, 0.02757616527378559, -0.006310082972049713, -0.003220111131668091, 0.006189954467117786, 0.03499743714928627, 0.030672810971736908, 0.00792180746793747, -5.354686072678305e-05, 0.020688796415925026, -0.00758811691775918, 0.012079588137567043, -0.0038240905851125717, -0.022704286500811577, 0.021249396726489067, -0.011445576325058937, 0.005409119185060263, -0.018219489604234695, -0.019380731508135796, 0.008255497552454472, 0.032888513058423996, 0.011866026557981968, 0.021543044596910477, -0.011952785775065422, -0.01545653399080038, 0.014789152890443802, 0.004137759562581778, 0.015563314780592918, -0.03150036185979843, -0.03155375272035599, 0.0076748766005039215, -0.024733124300837517, -0.03264825791120529, -0.011485619470477104, -0.011318773962557316, 0.018112707883119583, 0.0144554628059268, -0.001117028179578483, 0.022250467911362648, -0.004114401061087847, -0.01918051764369011, 0.013053963892161846, 0.009837189689278603, 0.0006269206060096622, -0.038574595004320145, 0.006396842654794455, 0.0012805364094674587, 0.015763528645038605, 0.0021639815531671047, 0.02483990415930748, -0.009370023384690285, -0.014935976825654507, -0.006780586671084166, -0.033769454807043076, 0.010945040732622147, 0.022170381620526314, 0.0348372645676136, 0.013507782481610775, -0.01987459324300289, -0.0007628994062542915, 0.0187667403370142, 0.02485325187444687, -0.001768558518961072, 0.02586767077445984, 0.012980551458895206, 0.021009139716625214, 0.021863387897610664, -0.021996863186359406, -0.01713833212852478, -0.002043853048235178, -0.033475808799266815, 0.003218442667275667, -0.02570749819278717, 0.00726777408272028, -0.007554748095571995, 0.018633265048265457, -0.013481087051331997, -0.02845710702240467, 0.03486395999789238, -0.007020843215286732, 0.0026311478577554226, -0.011131907813251019, -0.05160186439752579, 0.005549269262701273, 0.008816096931695938, -0.03441014140844345, -0.0015891999937593937, 0.01016420591622591, 0.009176482446491718, -0.025160247460007668, -0.004654979333281517, 0.0037006251513957977, 0.0119794812053442, 0.013554499484598637, 0.027122346684336662, 0.03179400786757469, 0.021316135302186012, -0.033769454807043076, 0.015910351648926735, -0.005212242249399424, 0.007521378807723522, 0.00439470075070858, -0.014268596656620502, -0.04281913489103317, -0.0014899270609021187, -0.01481584832072258, -0.01284040231257677, 0.020515277981758118, 0.03737331181764603, -0.027709640562534332, 0.02251742035150528, 0.0008575840038247406, 0.010451179929077625, -0.025307070463895798, 0.009496825747191906, 0.007120950613170862, 0.032755035907030106, 0.008081978186964989, -0.028430411592125893, 0.011292078532278538, 7.599274795211386e-06, 0.008242149837315083, 0.027496078982949257, -0.020969096571207047, -0.0021639815531671047, -0.03411649540066719, 0.007354533765465021, 0.004461438860744238, -0.008449037559330463, 0.0006715516792610288, 0.016938118264079094, 0.02670856937766075, -0.022904500365257263, -0.00972373504191637, -0.006760565098375082, -0.013974948786199093, 0.026214707642793655, -0.005562616977840662, 0.01699150912463665, -0.011312100104987621, 0.01946081779897213, -0.015763528645038605, 0.003220111131668091, 0.013908211141824722, 0.017018204554915428, -0.021409567445516586, -0.01489593368023634, -0.00740792416036129, 0.02992534451186657, -0.005369076505303383, -0.0050187017768621445, 0.01292048767209053, -0.015603356994688511, 0.03878815844655037, -0.012566776014864445, 0.031046543270349503, -0.00047634285874664783, 0.020702144131064415, 0.012660209089517593, -0.0028263565618544817, 0.04295261204242706, 0.0392419770359993, 0.018980303779244423, 0.026521703228354454, -0.0418047197163105, -0.038414426147937775, -0.016964813694357872, -0.049599722027778625, 0.04100386053323746, -0.0026278109289705753, 0.004811813589185476, 0.022250467911362648, -0.0009460119181312621, -0.011705854907631874, -0.009750429540872574, -0.020595364272594452, 0.018126055598258972, 0.015763528645038605, 0.002230719430372119, -0.02019493468105793, 0.016203999519348145, 0.013681301847100258, -0.037400007247924805, 0.024359390139579773, -0.000528064847458154, 0.004107727203518152, -0.039428845047950745, 0.027816422283649445, -0.007421271875500679, 0.019540902227163315, -0.012366562150418758, 0.007474662270396948, -0.01322080846875906, 0.04297930747270584, -0.024639690294861794, -0.012753642164170742, 0.03574490174651146, -0.019060388207435608, 0.007895112037658691, -0.0325147807598114, 0.021596435457468033, -0.02513355202972889, 0.006994148250669241, 0.0006144072394818068, 0.009810494258999825, 0.0013481087516993284, -0.039135195314884186, 0.003038249909877777, -0.014028339646756649, 0.011879374273121357, -0.008909530006349087, -0.023465100675821304, 0.0007758298888802528, 0.03603855147957802, 0.004992006346583366, 0.005612670443952084, -0.023999005556106567, 0.029818562790751457, -0.0224907249212265, 0.022837761789560318, -0.028991011902689934, -6.188912084326148e-05, -0.0033986354246735573, -0.054217997938394547, 0.014829196035861969, 0.02729586511850357, 4.679484845837578e-05, -0.028804143890738487, 0.017178375273942947, 0.002112259389832616, -0.006513634230941534, -0.03675932064652443, 0.021129269152879715, -0.010557960718870163, -0.006690490059554577, 0.006994148250669241, -0.030859677121043205, 0.0066037303768098354, 0.005208905320614576, 0.014935976825654507, -0.0028280250262469053, -0.006016435567289591, 0.016484299674630165, -0.006043130997568369, 0.02616131864488125, 0.0037440049927681684, -0.010838259942829609, -0.0034203254617750645, 0.0297651719301939, 0.02323819138109684, 0.015363099984824657, 0.016671165823936462, 0.0007257763645611703, 0.047731056809425354, 0.016617774963378906, 0.004297930747270584, 0.006480265408754349, -0.002387553919106722, 0.023585228249430656, -0.005572627764195204, -0.031900789588689804, -0.015162886120378971, 0.028243545442819595, -0.02729586511850357, -0.0044814604334533215, 0.017485370859503746, 0.0011987823527306318, 0.015483228489756584, -0.004768433980643749, 0.003850785782560706, 0.008415669202804565, -0.01417516265064478, 0.007901785895228386, 0.03774704411625862, -0.018846826627850533, -0.009703713469207287, 0.022704286500811577, 0.035050828009843826, 0.010731479153037071, 0.0028213514015078545, -0.01771228015422821, -0.02339836210012436, 0.024933338165283203, 0.01713833212852478, 0.02438608556985855, 0.037560176104307175, -0.008982942439615726, 0.06759230047464371, 0.006206639111042023, -0.034356750547885895, -0.02075553499162197, -0.010404462926089764, -0.03443683683872223, 0.042365316301584244, 0.013574520125985146, 0.05531249940395355, -0.00038436948671005666, 0.021729910746216774, 0.024492867290973663, 0.05910322070121765, 0.011872700415551662, 0.018192794173955917, 0.0061065321788191795, 0.010157532058656216, -0.027843115851283073, -0.0039008392486721277, 0.006290061865001917, -0.013047290034592152, 0.023718705400824547, 0.005866275168955326, 0.012887118384242058, 0.004765097051858902, -0.012166347354650497, 0.021302787587046623, 0.03294190391898155, 0.03243469446897507, 0.009937296621501446, -0.024653038010001183, 0.01987459324300289, 0.028991011902689934, -0.021396219730377197, 0.006880693603307009, 0.008148716762661934, -0.014949324540793896, -0.023932266980409622, 0.0013664617436006665, 0.04826496168971062, 0.025213636457920074, 0.0015366437146440148, -0.0525628924369812, -0.006874019745737314, -0.035077523440122604, 0.0016225689323619008, 0.0007261934806592762, -0.00842901598662138, 0.05851592868566513, -0.011432228609919548, 0.014642328955233097, 0.008175412192940712, -0.0038774809800088406, -0.00679059699177742, 0.014869239181280136, -0.0200481116771698, 0.037960607558488846, -0.04295261204242706, 0.030672810971736908, 0.007387902587652206, 0.0018286227714270353, 0.004177802242338657, -0.00012534241250250489, -0.0033969669602811337, 0.012333192862570286], "e7923477-3d12-4cc7-9ec6-8074aa07a454": [0.006903389003127813, 0.02204194851219654, 0.03759869933128357, 0.016586147248744965, -0.007752641104161739, 0.008241604082286358, 0.029209120199084282, -0.001769274938851595, -0.017435399815440178, 0.04125305637717247, 0.0185291338711977, -0.07123422622680664, -0.05270509049296379, 0.020961081609129906, 0.012069671414792538, -0.0020105396397411823, -0.026918713003396988, 0.016045715659856796, -0.039014119654893875, 0.019661469385027885, 0.06783721596002579, 0.058366771787405014, 0.04356919974088669, -0.013729573227465153, 0.0352310873568058, -0.0026137016247957945, -0.031602464616298676, 0.003692959202453494, -0.003644706215709448, 0.018451929092407227, 0.036311954259872437, -0.014295740984380245, -0.06289611756801605, -0.00653344951570034, -0.01167078036814928, -0.0010977546917274594, -0.024576837196946144, 0.039400141686201096, 0.03955455124378204, -0.006562401540577412, -0.0007559629157185555, 0.031988490372896194, 0.006954858545213938, -0.02074233628809452, 0.008582592010498047, 0.05121246725320816, -0.010416204109787941, -0.04086703434586525, -0.02725326642394066, 0.040403805673122406, -0.047918397933244705, 0.0462970994412899, -0.02874589152634144, 0.048741914331912994, 0.01092446781694889, 0.028051048517227173, -0.007141436915844679, -0.01437294576317072, 0.011394130066037178, 0.0019478107569739223, -0.013240610249340534, 0.007913484238088131, -0.02339303120970726, 0.044212572276592255, 0.011490636505186558, -0.013240610249340534, -0.016161521896719933, 0.035925932228565216, 0.00031223680707626045, 0.0046161990612745285, 0.001743539934977889, 0.021064022555947304, 0.02946646884083748, 0.004609765484929085, -0.022132020443677902, -0.005623077508062124, 0.03366125747561455, -0.009521915577352047, 0.015157860703766346, 0.00016114475147332996, 0.0016212991904467344, -0.04794413223862648, -0.03584872558712959, 0.012539333663880825, 0.025824978947639465, -0.00822873692959547, -0.0465029776096344, 0.002608876209706068, -0.04588533937931061, -0.043491993099451065, -0.04107291251420975, 0.047969866544008255, -0.030676009133458138, 0.044984620064496994, 0.042719945311546326, 0.008569723926484585, -0.0009706885321065784, -0.0009787307353690267, -0.011522804386913776, 0.0388854444026947, 0.057594723999500275, -0.04987424984574318, -0.006584919523447752, -0.03247745335102081, 0.0628446415066719, -0.03250318765640259, -0.01621299237012863, 0.0212699007242918, 0.015196463093161583, -0.027176061645150185, -0.08070466667413712, -0.018953759223222733, 0.02128276787698269, 0.023547440767288208, 0.04292582720518112, 0.010982371866703033, -0.0015907390043139458, -0.02743341214954853, 0.023997800424695015, -0.04290008917450905, -0.028385603800415993, -0.0006799644907005131, -0.00019713341316673905, -0.04596254602074623, -0.012359189800918102, 0.03955455124378204, 0.024229414761066437, -0.004899282939732075, -0.0594991073012352, -0.01868354342877865, 0.01237205695360899, 0.004069332033395767, -0.03831927850842476, -0.01598137803375721, 0.001277094823308289, 0.0011894352501258254, -0.017242388799786568, -0.03278627246618271, -0.06536666303873062, -0.02623673900961876, -0.02758782170712948, -0.03590019419789314, -0.012906055897474289, 0.05718296393752098, 0.015968510881066322, 0.021141227334737778, -0.01095020305365324, -0.012108273804187775, -0.006832617800682783, -0.059910863637924194, 0.03633768856525421, -0.0010889082914218307, -0.017062243074178696, 0.008749868720769882, -0.016251593828201294, -0.03772737458348274, 0.004075766075402498, 0.041613344103097916, 0.005198451224714518, 0.011374829337000847, -0.021861804649233818, -0.03837074711918831, 0.0011918479576706886, -0.01689496636390686, 0.0024496414698660374, -0.029775287955999374, 0.008093628101050854, -0.019429855048656464, -0.04961690306663513, -0.024679776281118393, -0.03595166653394699, -0.021630190312862396, -0.06371963024139404, -0.012429960072040558, 0.027124593034386635, 0.009856469929218292, -0.005227403249591589, -0.08585165441036224, 0.005928679369390011, -0.002002497436478734, -0.028565747663378716, 0.02184893563389778, -0.020806672051548958, -0.013832513242959976, 0.041613344103097916, -0.02897750586271286, -0.013433622196316719, 0.009657024405896664, -0.01306689903140068, -0.02181033417582512, 0.002684472594410181, 0.012288418598473072, 0.013600898906588554, -0.07324154675006866, -0.04969410598278046, -0.053888894617557526, 0.03451051190495491, 0.0005738080362789333, -0.004921800922602415, 0.0012931791134178638, 0.02388199418783188, -0.007572496309876442, 0.010242492891848087, 0.026159534230828285, 0.0011001672828570008, 0.00527243921533227, -0.019082434475421906, -0.01484904158860445, -0.002530063036829233, -0.0335068479180336, 0.0666019394993782, -0.023611778393387794, 0.03955455124378204, 0.04441845044493675, -0.03335243836045265, 0.016058582812547684, -0.027896638959646225, 0.009464012458920479, -0.02859148196876049, 0.02036917954683304, 0.03662077337503433, 0.0069677261635661125, 0.010139553807675838, 0.012925357557833195, -0.0019220758695155382, 0.04362066835165024, 0.021913273259997368, 0.01979014463722706, 0.030212782323360443, -0.052396271377801895, 0.01617438904941082, -0.0060895225033164024, -0.004403885919600725, 0.012738779187202454, 0.01027466170489788, -0.029054710641503334, 0.04624562710523605, 0.008672663941979408, -0.036183279007673264, -0.05028600990772247, 0.005449366755783558, 0.06505784392356873, 0.01738392934203148, 0.04323464632034302, -0.01097593829035759, -0.02479558251798153, -0.011201118119060993, -0.055278580635786057, -0.008556856773793697, -0.031448058784008026, 0.03970896080136299, 0.021591586992144585, 0.0024576836731284857, -0.044933147728443146, -0.02541322074830532, -0.05558739975094795, 0.02205481566488743, 0.04418683797121048, 0.008981483057141304, -0.05265362188220024, 0.014758969657123089, -0.017847158014774323, -0.029389264062047005, 0.0041883559897542, -0.014167066663503647, 0.014295740984380245, 0.014038392342627048, 0.041175853461027145, -0.034253161400556564, 0.04109864681959152, -0.0030399358365684748, 0.009225964546203613, 0.0010559353977441788, 0.026970183476805687, -0.03551417216658592, 0.0038666699547320604, -0.003432393306866288, 0.0014194409595802426, -0.015286535024642944, -0.008080760948359966, -0.017589809373021126, 0.0037412121891975403, 0.01814310997724533, 0.012854586355388165, 0.013079767115414143, 0.002634611213579774, -0.012095406651496887, -0.024332355707883835, 0.003255465766415, 0.04086703434586525, 0.027742229402065277, -0.026609893888235092, -0.020227637141942978, -0.003689742414280772, 0.060631442815065384, -0.015633955597877502, 0.014437283389270306, 0.016573280096054077, 0.01886368729174137, -0.00030379253439605236, 0.008930012583732605, -0.013079767115414143, -0.034304630011320114, 0.01722951978445053, -0.0008926796144805849, 0.030984828248620033, 0.0027922375593334436, 0.028282662853598595, -0.03572005033493042, -0.07339595258235931, 0.02256951481103897, -0.006160293705761433, 0.018503397703170776, -0.04521623253822327, 0.013549428433179855, -0.006224630866199732, 0.014913379214704037, -0.016303064301609993, 0.004461789503693581, -0.035076677799224854, 0.00941254198551178, 0.0042526936158537865, -0.02079380489885807, -0.011522804386913776, 0.02386912703514099, -0.013858247548341751, 0.02137283980846405, 0.03240025043487549, -0.0558447502553463, 0.031010564416646957, -0.04297729581594467, -0.02555476315319538, -0.004130452871322632, 0.018220314756035805, -0.030547335743904114, 0.04696620628237724, -0.0034806462936103344, -0.0039052721112966537, -0.00080300954869017, 0.0007724493625573814, -0.017499737441539764, -0.020189035683870316, -0.011979599483311176, 0.00655918475240469, 0.03914279490709305, -0.037572965025901794, 0.011587142013013363, 0.06243288516998291, 0.017975833266973495, 0.06567548215389252, -0.01448875293135643, 0.022968405857682228, -0.039683226495981216, 0.03924573212862015, -0.01656041294336319, 0.005089078098535538, 0.04279715195298195, -0.024924257770180702, -0.041999369859695435, 0.01306689903140068, -0.06088878959417343, -0.0032249055802822113, -0.0008870501187629998, 0.023238621652126312, 0.013420754112303257, 0.0233029592782259, -0.07159451395273209, -0.04413536563515663, 0.013317815028131008, 0.0014443716499954462, 0.012809550389647484, -0.04441845044493675, 0.017165184020996094, -0.002256629755720496, -0.044315509498119354, 0.009804999455809593, 0.03669797629117966, 0.03291494771838188, 0.04125305637717247, 0.05414624512195587, 0.09485886991024017, 0.005397896748036146, -0.03332670405507088, -0.053991835564374924, 0.02300700731575489, 0.034150220453739166, -0.004271994810551405, -0.006504497956484556, 0.003676875028759241, 0.0024560752790421247, 0.002869442105293274, -0.00400821166113019, 0.02725326642394066, 0.014038392342627048, 0.04133026301860809, 0.04096997156739235, -0.015543884597718716, 0.06176377832889557, 0.02864295244216919, -0.06814603507518768, 0.010995239019393921, -0.018657807260751724, -0.04030086472630501, -0.01412846427410841, -0.042822886258363724, 0.023843392729759216, -0.0333009697496891, 0.0223893690854311, 0.05862411856651306, -0.009972277097404003, 0.024280885234475136, -0.05744031444191933, 0.044598594307899475, -0.03291494771838188, 0.03566858172416687, -0.05862411856651306, 0.002053967211395502, 0.0628446415066719, -0.0059351129457354546, -0.03312082588672638, 0.04248833283782005, -0.05257641524076462, -0.007849146611988544, -0.014450150541961193, -0.05368301644921303, 0.014604560099542141, 0.020858142524957657, -0.014617427252233028, 0.057543251663446426, -0.04923087731003761, -0.03206569328904152, 0.025284547358751297, 0.022505177184939384, 0.029183385893702507, -0.02089674584567547, -0.003744428977370262, 0.059807926416397095, -0.006182811688631773, -0.01670195534825325, -0.004140103235840797, 0.004082199651747942, 0.02035631239414215, -0.016483208164572716, -0.005266005638986826, -0.08513107150793076, 0.007656135130673647, 0.0019349433714523911, -0.005487969145178795, 0.034253161400556564, 0.0352310873568058, -0.009406108409166336, -0.019314048811793327, 0.0193912535905838, 0.037572965025901794, -0.027073122560977936, -0.018503397703170776, 0.041510406881570816, -0.027690760791301727, -0.00779767706990242, -0.009927240200340748, 0.0078105442225933075, 0.051675695925951004, 0.046760328114032745, 0.03234877809882164, 0.03018704615533352, 0.032760538160800934, -0.008891410194337368, -0.006626738701015711, -0.013755308464169502, 0.013806778006255627, -0.014064126648008823, 0.04001777991652489, 0.012957526370882988, 0.03162820264697075, -0.034973740577697754, 0.004384584724903107, 0.05216465890407562, -0.009637722745537758, -0.005298173986375332, -0.039683226495981216, 0.039014119654893875, -0.03229730948805809, -0.025477558374404907, -0.00470627099275589, 0.02820545807480812, -0.02599225752055645, 0.0204077810049057, 0.02060079388320446, -0.00926456693559885, 0.0019462023628875613, -0.029003240168094635, 0.014205669052898884, 0.024203680455684662, -0.012481430545449257, 0.024422427639365196, -0.022325031459331512, -0.07679296284914017, 0.010171722620725632, -0.03384140506386757, 0.0013124803081154823, -0.033429645001888275, 0.019622866064310074, 0.040403805673122406, 0.014321476221084595, 0.017602676525712013, -0.002181033371016383, 0.04048100858926773, -0.0177184846252203, -0.04217951372265816, -0.011355527676641941, -0.0028067133389413357, 0.0390913262963295, 0.015942774713039398, -0.01684349775314331, -0.004513259511440992, 0.031937021762132645, 0.042333923280239105, 0.014398680999875069, -0.014308608137071133, -0.017679881304502487, 0.022801127284765244, 0.0011331401765346527, 0.018323253840208054, -0.006839051842689514, -0.05216465890407562, 0.017551206052303314, 0.0037765977904200554, 0.018837952986359596, -0.038628097623586655, -0.024473896250128746, 0.005767836235463619, -0.003959958907216787, 0.018760748207569122, 0.007604665122926235, 0.016920702531933784, -0.03754723072052002, 0.015157860703766346, -0.025683438405394554, 0.004558295477181673, -0.026506954804062843, 0.022685321047902107, -0.03561711311340332, 0.05285950005054474, 0.0036865253932774067, 0.006086305715143681, 0.013124803081154823, 0.006884087808430195, 0.02569630555808544, -0.014064126648008823, -0.012494297698140144, 0.010338999330997467, -0.009084422141313553, 0.023457368835806847, 0.0028823097236454487, -0.00642407638952136, 0.0372641459107399, -0.019416987895965576, -0.012204780243337154, -0.019236844033002853, 0.007315147668123245, 0.02035631239414215, -0.009804999455809593, 0.014771836809813976, 0.015852702781558037, -0.007829845882952213, 0.053116850554943085, -0.0028871349059045315, -0.007501725573092699, -0.0110917454585433, -0.00801642332226038, 0.002711815992370248, -0.016431737691164017, -0.022878332063555717, -0.07190333306789398, 0.03417595848441124, -0.030006902292370796, -0.0446758009493351, 0.001104188384488225, 0.017165184020996094, 0.019339783117175102, -0.012333454564213753, -0.01448875293135643, 0.00014224568440113217, 0.011921696364879608, -0.01266157440841198, -0.02147578075528145, -0.023097079247236252, -0.030058372765779495, -0.000379388831788674, 0.03183408081531525, 0.01858060248196125, -0.009013650938868523, 0.020047493278980255, 0.08574870973825455, 0.004310597199946642, 0.010943769477307796, -0.027330471202731133, -0.00885924231261015, 0.007057798560708761, -0.0066331722773611546, 0.014784703962504864, 0.002854966325685382, -0.021643057465553284, -0.00414975406602025, -0.025490425527095795, -0.01092446781694889, 0.01982874609529972, -0.01858060248196125, 0.00216494919732213, 0.01612292043864727, 0.02444816194474697, -0.004217308014631271, 0.0020555758383125067, -0.004352416377514601, -0.04279715195298195, 0.0157368965446949, -0.0029755986761301756, 0.01954566314816475, 0.002259846543893218, 0.02449963241815567, 0.006317919585853815, 0.0296466127038002, 0.016045715659856796, -0.005693848244845867, 0.07185186445713043, -0.006372606381773949, -0.03389287367463112, -0.03579725697636604, 0.006639606319367886, -0.003083363641053438, 0.006613871082663536, -0.009792132303118706, 0.019481325522065163, -0.03018704615533352, 0.008273772895336151, 0.03798472508788109, -0.0028903516940772533, -0.006935557350516319, 0.002283973153680563, -0.008839940652251244, 0.004625849425792694, -0.016341665759682655, 0.0185291338711977, -0.0046934038400650024, 0.03463918715715408, -0.016856364905834198, 0.010647818446159363, 0.0018110941164195538, -0.015724029392004013, -0.009277434088289738, -0.005536221899092197, -0.017744218930602074, 0.0353340283036232, -0.056874144822359085, 0.03669797629117966, -0.02305847778916359, -0.0035031642764806747, 0.015466679818928242, -0.020086094737052917, -0.014694632031023502, -0.04138173162937164, 0.009605553932487965, 0.02599225752055645, -0.010679986327886581, -0.005603776313364506, 0.003744428977370262, 0.021823201328516006, 0.010699287988245487, 0.0007993905455805361, -0.03250318765640259, -0.02848854288458824, -0.02787090465426445, 0.006517365109175444, 0.003590019652619958, -0.02926059067249298, 0.003023851662874222, 0.007701171096414328, -0.035591378808021545, -0.030676009133458138, 0.02854001335799694, -0.007083533331751823, 0.003963175695389509, -0.01160000916570425, 0.033095091581344604, 0.019532794132828712, 0.01998315565288067, 0.07221215218305588, -0.0013736006803810596, 0.005031174514442682, -0.01805303804576397, 0.03234877809882164, -0.002423906698822975, -0.0033744897227734327, -0.03510241210460663, 0.005526571534574032, 0.037907518446445465, -0.004677319433540106, 0.013639501295983791, -0.03288921341300011, -0.127336323261261, 0.0032377729658037424, -0.03373846411705017, 0.02310994639992714, -0.02190040610730648, -0.030598804354667664, 0.002041099825873971, -0.034304630011320114, 0.02536175213754177, 0.02614666521549225, -0.00014325094525702298, -0.005118029657751322, 0.013806778006255627, -0.00876273587346077, -0.011394130066037178, 0.004606548231095076, 0.010293963365256786, 0.00811292976140976, -0.03134511783719063, 0.04308023676276207, -0.030109841376543045, 0.018606338649988174, 0.043440524488687515, -0.027459146454930305, -0.004937885329127312, 0.013575163669884205, -0.007669002283364534, -0.03363552317023277, 0.03469065576791763, 0.0014620644506067038, 0.03566858172416687, 0.017872894182801247, 0.007765508256852627, -0.00933533813804388, -0.007443821988999844, -0.004741656593978405, 0.04120158776640892, -0.05275655910372734, 0.009689192287623882, -0.052061717957258224, -0.02815398946404457, 0.043980956077575684, -0.03345537930727005, 0.016058582812547684, 0.028668686747550964, 0.002956297481432557, 0.017628410831093788, 0.0005886860308237374, 0.03466492146253586, -0.06109467148780823, 0.0019478107569739223, 0.01858060248196125, 0.01155497319996357, -0.0059737153351306915, 0.02642975002527237, 0.02908044494688511, -0.01877361536026001, -0.03883397579193115, -0.0038280675653368235, -0.010474107228219509, 0.013131236657500267, 0.017242388799786568, 0.059807926416397095, -0.05749178305268288, 0.019661469385027885, -0.005574824288487434, -0.00687122019007802, 0.01520933024585247, -0.020330576226115227, 0.02498859539628029, -0.005783920641988516, 0.03206569328904152, -0.024126475676894188, 0.03196275606751442, 0.024705510586500168, 0.06541813164949417, -0.037958987057209015, 0.002854966325685382, 0.0010350258089601994, -0.000609997718129307, -0.013961187563836575, 0.000165366887813434, -0.021205563098192215, -0.0025799244176596403, -0.030315721407532692, -0.011529238894581795, 0.022646717727184296, 0.0024866354651749134, -0.016959303990006447, -0.006253582425415516, -0.02026624046266079, -0.01302186306566, -0.010062349028885365, -0.016110051423311234, 0.028900301083922386, 0.013549428433179855, -0.016779160127043724, 0.014707500115036964, -0.015556751750409603, 0.05301390960812569, 0.026609893888235092, 0.010351866483688354, 0.0014894077321514487, 0.0008757910691201687, 0.03921999782323837, -0.007907050661742687, 0.03108776919543743, -0.004641933832317591, 0.01255863532423973, -0.03721267729997635, -0.005413981154561043, -0.03206569328904152, -0.012191912159323692, 0.0019172505708411336, 0.019893083721399307, 0.012429960072040558, 0.0333009697496891, 0.03476785868406296, -0.02666136436164379, -0.009174494072794914, -0.016547545790672302, 0.05708002671599388, 0.0004350807867012918, -0.03801045939326286, -0.030778950080275536, -0.036749448627233505, 0.019326915964484215, -0.006481979973614216, -0.017062243074178696, 0.00024025948368944228, -0.020768070593476295, -0.007694737520068884, 0.008492519147694111, 0.004590464290231466, -0.008711266331374645, 0.01073145680129528, 0.03185981512069702, 0.004445705097168684, 0.007282978855073452, 0.031267911195755005, -0.01129119098186493, 0.01858060248196125, -0.0010020529152825475, -0.014089861884713173, 0.02792237512767315, 0.027793699875473976, 0.02031770907342434, -0.0045036086812615395, -0.0006329178577288985, 0.041947897523641586, -0.01556961890310049, 0.02184893563389778, -0.0028211893513798714, -0.00921953096985817, -0.012835284695029259, 0.02026624046266079, 0.037624433636665344, 0.004413536749780178, 0.025863582268357277, -0.004587247036397457, -0.0002053766220342368, -0.011664346791803837, -0.013909717090427876, 0.006652473472058773, -0.017731351777911186, 0.006449811160564423, -0.037238411605358124, 0.05082644149661064, -0.012243382632732391, 0.003692959202453494, -0.012423526495695114, 0.01910816878080368, 0.008312375284731388, 0.02569630555808544, -0.006684642285108566, -0.01717805117368698, -0.0033551885280758142, 0.028797361999750137, 0.009451144374907017, 0.01935265026986599, -0.04511329159140587, 0.013639501295983791, -0.010988805443048477, -0.015080655924975872, 0.0018400459084659815, 0.0063758231699466705, -0.02738194167613983, 0.002348310314118862, 0.033609788864851, 0.017486870288848877, 0.009862903505563736, 0.018027301877737045, -0.010988805443048477, 0.01775708608329296, 0.006723244674503803, -0.024576837196946144, 0.04501035436987877, 0.009599120356142521, 0.05064629763364792, 0.023032741621136665, 0.0277679655700922, -0.003319803159683943, 0.001883473596535623, 0.01169651560485363, 0.030778950080275536, 0.009875770658254623, 0.006781148258596659, -0.003602887038141489, 0.008782037533819675, 0.03301788493990898, 0.04259127378463745, 0.015942774713039398, -0.05077497288584709, 0.041767753660678864, 0.0004913759185001254, -0.012577936053276062, 0.012333454564213753, -0.04439271613955498, 0.018400458618998528, 0.06088878959417343, -0.013356417417526245, 0.03855089098215103, -0.017293857410550117, 0.006292184814810753, -0.007469556760042906, 0.03633768856525421, 0.008338109590113163, -0.007334448862820864, 0.02426801808178425, -0.0053914631716907024, -0.02084527537226677, -0.004522909875959158, 0.007289412431418896, 0.017062243074178696, 0.024705510586500168, 0.01824604906141758, -0.007701171096414328, 0.009225964546203613, -0.01626446098089218, 0.002439990872517228, 0.002301665721461177, 0.01140699815005064, 0.003757296595722437, -0.007160738110542297, 0.011040274985134602, 0.019893083721399307, -0.04328611493110657, 0.042102307081222534, 0.006340438034385443, 0.02435809001326561, 0.026790039613842964, 0.02314854972064495, -0.026404015719890594, -0.03510241210460663, -0.01340788695961237, -0.014064126648008823, 0.02103828638792038, 0.018310386687517166, -0.0024094306863844395, 0.037032533437013626, -0.01670195534825325, 0.003786248154938221, 0.011394130066037178, -0.004001778084784746, -0.013485091738402843, 0.018709277734160423, -0.02335442788898945, -0.025837847962975502, 0.01733246073126793, 0.04732649400830269, 0.025091534480452538, 0.012828851118683815, 0.023084212094545364, 0.0407126247882843, 0.045936811715364456, 0.015376606956124306, -0.010853697545826435, 0.00712213572114706, 0.025258811190724373, 0.04876764863729477, 0.011754418723285198, 0.014681764878332615, -0.001988021656870842, 0.021192695945501328, -0.024718379601836205, -0.0003377706743776798, -0.0061956788413226604, -0.03353258594870567, 0.010145987384021282, 0.02329009212553501, -0.006436943542212248, -0.012134009040892124, 0.014913379214704037, -0.004879981745034456, -0.013266344554722309, -0.025631967931985855, -0.038293544203042984, -0.04318317398428917, 0.003422742709517479, 0.032760538160800934, 0.023740451782941818, 0.03572005033493042, -0.04889632388949394, 0.02258238196372986, 0.019198240712285042, 0.00849895365536213, 0.003808766370639205, -0.0013695795787498355, -0.02595365419983864, 0.007585363928228617, -0.02195187658071518, -0.006247148849070072, -0.0012240165378898382, 0.0015079047298058867, -0.01661188341677189, 0.0005862733814865351, -0.04104717820882797, -0.023328693583607674, -0.021295636892318726, -0.008955747820436954, -0.02502719685435295, 0.0213213711977005, 0.00669107586145401, 0.0041690547950565815, -0.018258916214108467, -0.03211716562509537, 0.02676430344581604, 0.030547335743904114, 0.007135003339499235, 0.03986337035894394, 0.00801642332226038, -0.00989507231861353, -0.03842221572995186, -0.011304058134555817, 0.021166961640119553, 0.024177946150302887, 0.04256553575396538, -0.042822886258363724, 0.001058348105289042, -0.00389883853495121, -0.035977400839328766, 0.00933533813804388, 0.025143004953861237, -0.0025252378545701504, 0.011207552626729012, -0.032709065824747086, 0.03003263659775257, 0.01564682461321354, -0.024808451533317566, 0.006507714744657278, -0.011895961128175259, -0.016933569684624672, -0.011464901268482208, 0.009431843645870686, 0.003252248978242278, 0.0313708521425724, -0.012327020987868309, -0.0007820999016985297, -0.004407102707773447, 0.01316340547055006, 0.004255910404026508, -0.02536175213754177, -0.00878847111016512, -0.030161311849951744, -0.010712155140936375, 0.0008001948008313775, -0.0012433177325874567, -0.00813223049044609, -0.01982874609529972, 0.01872214488685131, 0.01997028850018978, 0.03407301753759384, 0.004921800922602415, 0.0315767303109169, -0.008441049605607986, 0.012931791134178638, 0.034587714821100235, -0.025837847962975502, 0.005249921232461929, 0.02170739509165287, 0.00040351529605686665, -0.025966521352529526, -0.01569829322397709, -0.03739282116293907, 0.01708797924220562, -0.04212804511189461, -0.003279592376202345, 0.02247944101691246, 0.008106496185064316, 0.0069677261635661125, 0.012655140832066536, 0.0032876343466341496, 0.0010961461812257767, 0.014089861884713173, 0.027845170348882675, 0.0004141711688134819, 0.03463918715715408, -0.009431843645870686, 0.004908933769911528, 0.02286546491086483, -0.0024078222922980785, 0.018477663397789, -0.011818756349384785, -0.008724133484065533, 0.005179150030016899, -0.005146981682628393, -0.009611987508833408, 0.02637827955186367, -0.016341665759682655, 0.006176377646625042, 0.003126791212707758, 0.03435610234737396, -0.010725022293627262, -0.014771836809813976, -0.02214488759636879, 0.008942880667746067, 0.009045819751918316, 0.029492203146219254, -0.008093628101050854, 0.023804789409041405, 0.008511820808053017, 0.002608876209706068, 0.012925357557833195, -0.00024609005777165294, 0.006311486009508371, -0.006234281230717897, -0.011818756349384785, 0.005526571534574032, 0.022016214206814766, 0.0032361645717173815, 0.024949992075562477, -0.001692070160061121, -0.004593681078404188, 0.002645870205014944, -0.02781943418085575, 0.005118029657751322, -0.0006900171865709126, 0.01589130610227585, -0.01819458045065403, 0.00637904042378068, -0.028900301083922386, 0.022698188200592995, -0.005021523684263229, -0.009618422016501427, 0.03659503906965256, -0.010467673651874065, -0.011175383813679218, -0.010860131122171879, 0.08358698338270187, -0.015247932635247707, 0.05708002671599388, 0.010081649757921696, 0.03700679540634155, -0.032606128603219986, -0.023380164057016373, -0.03317229449748993, -0.02570917271077633, -0.0021086540073156357, -0.024370957165956497, 0.0480213388800621, -0.006433726754039526, 0.04892205819487572, -0.014295740984380245, -0.00023040783707983792, -0.014051259495317936, 0.018181711435317993, -0.01935265026986599, 0.0038280675653368235, 0.007501725573092699, 0.04413536563515663, 0.010988805443048477, 0.020330576226115227, -0.0018320037052035332, -0.025889316573739052, 0.04621989279985428, 0.025001462548971176, 0.01061564963310957, -0.01535087265074253, 0.007135003339499235, -0.008511820808053017, 0.0232514888048172, 0.026198135688900948, -0.009862903505563736, -0.00894931424409151, -0.004275211598724127, -0.007894182577729225, 0.018567735329270363, 0.007578930351883173, 0.0028823097236454487, 0.009045819751918316, 0.019043831154704094, 0.04356919974088669, 0.00952834915369749, 6.076856152503751e-05, 0.015659691765904427, -0.00687122019007802, 0.03474212437868118, 0.012211213819682598, -0.0204592514783144, 0.00021170981926843524, -0.015338004566729069, -0.0013052423018962145, 6.951441173441708e-05, -0.01756407506763935, -0.005040824878960848, 0.040995705872774124, 0.01090516708791256, 0.02614666521549225, -0.004732006229460239, -0.029517939314246178, 0.01569829322397709, -0.019288312643766403, 0.033764198422431946, -0.013909717090427876, -0.025194473564624786, 0.01564682461321354, -0.021012552082538605, -0.03162820264697075, -0.010673552751541138, -0.010532011277973652, 0.0045775966718792915, 0.010075216181576252, -0.005803221836686134, 0.02286546491086483, 0.013755308464169502, -0.028334133327007294, 0.008724133484065533, 0.0012489472283050418, -0.004271994810551405, -0.01963573507964611, 0.010512709617614746, 0.003705826587975025, 0.0023836959153413773, 0.003931007348001003, -0.003393790917471051, -0.0027488097548484802, -0.013974054716527462, -0.03620901331305504, -0.040841300040483475, 0.019043831154704094, 0.019429855048656464, 0.0279738437384367, 0.015942774713039398, -0.027124593034386635, -0.0036221882328391075, 0.01097593829035759, 0.016907833516597748, -0.00651093153283, 0.02151438221335411, -0.011992466636002064, 0.015042053535580635, -0.005912594962865114, -0.02253091149032116, -0.024769848212599754, -0.0034002247266471386, -0.03250318765640259, -0.010827962309122086, -0.023753318935632706, -0.02103828638792038, -0.010596347972750664, 0.01722951978445053, -0.01499058399349451, -0.04223098233342171, 0.026892978698015213, -0.00725724408403039, -0.02585071511566639, -0.0067103770561516285, -0.03389287367463112, 0.0055040535517036915, 0.0010800618911162019, -0.037084002047777176, -0.001951027661561966, -0.003641489427536726, 0.0195971317589283, -0.019867349416017532, 0.0031300082337111235, -0.0017741002375259995, 0.018220314756035805, 0.00014174304669722915, 0.03152526170015335, 0.017062243074178696, 0.017345327883958817, -0.017293857410550117, 0.016779160127043724, -0.014282873831689358, 0.0012304502306506038, 0.012719478458166122, -0.017165184020996094, -0.03402154892683029, -0.01227555051445961, -0.03772737458348274, -0.004937885329127312, 0.012481430545449257, 0.03129364922642708, -0.026738569140434265, -0.007739773485809565, 0.01352369412779808, 0.01670195534825325, -0.01622585952281952, -0.0023933465126901865, -0.008865675888955593, 0.03672371432185173, -0.013356417417526245, -0.02825692854821682, 0.026635630056262016, -0.00637904042378068, 0.0039856936782598495, 0.006794015411287546, -0.02026624046266079, -0.022440839558839798, -0.04179349169135094, 0.0029257372952997684, -0.0026523040141910315, 0.004185139201581478, 0.002480201655998826, 0.03288921341300011, 0.02511727064847946, -0.0034034415148198605, -0.012745212763547897, -0.0004077374469488859, -0.016882099211215973, 0.02959514409303665, 0.007874881848692894, 0.03970896080136299, -0.021154094487428665, 0.013652368448674679, -0.010171722620725632, 0.0028839181177318096, 0.010358300060033798, 0.00250271987169981, -0.020343445241451263, -0.016110051423311234, -0.008421748876571655, 0.04928234964609146, 0.004278428386896849, -0.004088633228093386, 0.00579035421833396, -0.006305052433162928, 0.030495865270495415, -0.01410272903740406, 0.0006972551345825195, 0.017654146999120712, 0.02980102226138115, -0.0028597915079444647, -0.01713944785296917, 0.05044041946530342, 0.01547954697161913, 0.004493958316743374, 0.032039958983659744, -0.03440757095813751, -0.04138173162937164, -0.010699287988245487, -0.029054710641503334, 0.04179349169135094, 0.01592990756034851, -0.0024190812837332487, 0.010622083209455013, -0.022788260132074356, -0.009676325134932995, 0.012539333663880825, -0.0024062138982117176, 0.018644940108060837, 0.018400458618998528, 0.0004234196385368705, -0.0041883559897542, 0.0030447612516582012, 0.003969609271734953, -0.03335243836045265, 0.01201176829636097, 0.0042526936158537865, 0.01176728680729866, -0.0313708521425724, 0.04591107368469238, -0.00880777183920145, 0.04009498655796051, -0.008640495128929615, -0.007977820932865143, -0.02256951481103897, 0.04567946121096611, -0.04115011543035507, -0.018464796245098114, 0.03489653393626213, -0.01448875293135643, 0.02560623362660408, -0.030367190018296242, 0.024512499570846558, -0.03162820264697075, 0.01631593145430088, -0.025194473564624786, -0.002261454937979579, 0.007360183633863926, -0.033970076590776443, -0.001848087995313108, 0.006404775194823742, 0.011542106047272682, -0.03358405455946922, -0.021823201328516006, 0.007907050661742687, 0.022402236238121986, 0.0018239616183564067, 0.013253477402031422, -0.008968614973127842, 0.017744218930602074, -0.041227322071790695, 0.009965842589735985, -0.03579725697636604, 0.013472223654389381, 0.002571882214397192, -0.04848456755280495, 0.004191573243588209, 0.030109841376543045, 0.0027472013607621193, -0.009316036477684975, 0.02720179781317711, 0.009920806623995304, -0.021166961640119553, -0.023212887346744537, 0.0157368965446949, -0.009058687835931778, 0.0035417666658759117, 0.013459356501698494, -0.026313943788409233, -0.002930562710389495, 0.0029739902820438147, 0.02720179781317711, -0.013330682180821896, 0.006703943479806185, 0.012738779187202454, -0.012024635449051857, 0.034253161400556564, -0.009084422141313553, -0.016380269080400467, -0.04063541814684868, 0.01757694222033024, 0.03427889570593834, 0.009766397066414356, 0.019030964002013206, -0.015389475040137768, 0.023997800424695015, 0.028668686747550964, -0.007025629747658968, -0.005053692497313023, 0.002517195651307702, 0.017126580700278282, 0.011040274985134602, -0.02219635806977749, -0.0058128722012043, 0.014553090557456017, -0.02931205928325653, -0.01882508397102356, 0.03849942237138748, 0.006285751238465309, 0.005089078098535538, 0.007952086627483368, -0.00031243785633705556, 0.0313708521425724, -0.0023450935259461403, 0.0028195807244628668, 0.020330576226115227, -0.01656041294336319, -0.010596347972750664, 0.011098179034888744, 0.045705195516347885, 0.020047493278980255, 0.010679986327886581, -0.020472118631005287, -0.029183385893702507, 0.03183408081531525, 0.02151438221335411, 0.01877361536026001, 0.03345537930727005, -0.014411548152565956, 0.07535181194543839, -0.006755413021892309, -0.02402353659272194, -0.022788260132074356, -0.023225754499435425, -0.04241112619638443, 0.04380081221461296, -0.0025574064347893, 0.03134511783719063, -0.01434721052646637, 0.008460351265966892, 0.0017387146363034844, 0.04727502539753914, 0.010712155140936375, 0.012384924106299877, 0.007714038714766502, 0.002983640879392624, -0.026738569140434265, -0.012108273804187775, 0.015402342192828655, -0.009328903630375862, 0.004120802041143179, 0.011831623502075672, -0.007874881848692894, 0.0012288418365642428, -0.0033262367360293865, 0.023521704599261284, 0.017396798357367516, 0.009361072443425655, 0.027716495096683502, -0.03793325275182724, -0.014668897725641727, 0.05170143023133278, -0.015955641865730286, 0.003136441810056567, -0.0016968954587355256, -0.022749658674001694, -0.022608116269111633, 0.004944318905472755, 0.03765016794204712, 0.010679986327886581, 0.010911600664258003, -0.0501573346555233, 0.006845485419034958, -0.04634856805205345, 0.00943827722221613, -0.009496181271970272, -0.0006956467404961586, 0.04297729581594467, 0.024100741371512413, 0.0015465071192011237, 0.014746101573109627, -0.01129119098186493, -0.00015109205560293049, 0.010326131246984005, -0.04009498655796051, 0.049359552562236786, -0.04202510416507721, 0.033429645001888275, 0.01603284664452076, 0.012597236782312393, -0.0035224654711782932, -0.004436054732650518, 0.00466766906902194, 0.000962646387051791], "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521": [0.015335551463067532, 0.02582470513880253, 0.03990883752703667, 0.010096662677824497, 0.009027269668877125, 0.0070989495143294334, 0.04075070098042488, -0.026439037173986435, -0.00761658139526844, 0.03026154823601246, 0.01797490380704403, -0.060432083904743195, -0.05838431045413017, -0.015051138587296009, 0.02618875354528427, -0.008179719559848309, -0.02771320752799511, 0.00293514272198081, -0.04418640956282616, 0.012411785311996937, 0.055881474167108536, 0.08523289859294891, 0.0188395194709301, 0.003933432511985302, 0.00022415303101297468, 0.019135309383273125, -0.03890770301222801, 0.01006822194904089, -0.012764457613229752, 0.010500529780983925, 0.025460656732320786, -0.0025170554872602224, -0.03467563912272453, 0.0013296309625729918, 0.005722390487790108, -0.016188791021704674, -0.045870136469602585, 0.04525580257177353, 0.036131832748651505, -0.012957857921719551, -0.03435709699988365, 0.024755312129855156, 0.009772432036697865, -0.023685919120907784, -0.017804255709052086, 0.05397021770477295, -0.0168827585875988, -0.025892963632941246, -0.029920252040028572, 0.02430025115609169, -0.04973815381526947, 0.02370867133140564, -0.02249138429760933, 0.050147708505392075, 0.0072639090940356255, 0.015995388850569725, 0.007980629801750183, -0.00638791685923934, 0.008196784183382988, -0.006200204603374004, -0.017337819561362267, 0.024641545489430428, -0.0698518455028534, 0.034607380628585815, 0.03160397708415985, -0.019954418763518333, -0.03112616389989853, 0.0372922383248806, -0.007411804050207138, -0.009425448253750801, 0.021148953586816788, 0.06293492019176483, 0.03469839319586754, 0.01848684810101986, -0.045824628323316574, -0.019169438630342484, 0.03606357425451279, -0.012912352569401264, 0.06311694532632828, -0.0010253089712932706, -0.013105752877891064, -0.06029556691646576, -0.06921476125717163, 0.005858908873051405, 0.005281550344079733, -0.0166779812425375, -0.07326480001211166, -0.003563695354387164, -0.02103518880903721, -0.057610705494880676, -0.031194422394037247, 0.06894171983003616, -0.030989645048975945, 0.04521029815077782, -0.00847550854086876, 0.0064675528556108475, -0.005162096582353115, -0.01625704951584339, 0.011495974846184254, 0.020034054294228554, 0.045642606914043427, -0.03772454708814621, 0.007775852456688881, -0.009761055931448936, 0.03631385788321495, -0.01805453933775425, -0.01875988394021988, -0.002629398601129651, 0.005019890144467354, -0.02316259779036045, -0.05164941027760506, 0.009931703098118305, 0.0051933820359408855, 0.023845190182328224, 0.03463013097643852, 0.011075044050812721, 0.007025002036243677, -0.045870136469602585, 0.028805352747440338, -0.02716713398694992, -0.030762115493416786, 0.009732614271342754, -0.026985108852386475, -0.04432293027639389, -0.02744016982614994, -0.0043173898011446, 0.014641583897173405, 0.01899879053235054, -0.008145589381456375, -0.0006648154812864959, 0.013458425179123878, -0.017258184030652046, -0.008600650355219841, -0.006956743076443672, -0.018850896507501602, 0.0019098336342722178, 0.012491420842707157, 0.003378826892003417, -0.04118300974369049, -0.053833700716495514, -0.019260451197624207, -0.024869076907634735, -0.021023811772465706, 0.03383377566933632, 0.02382243610918522, 0.007969253696501255, -0.02543790265917778, -0.04163806885480881, -0.011006784625351429, -0.056109003722667694, 0.018714377656579018, 0.00836174376308918, 0.003017622511833906, 0.015176280401647091, 0.010591541416943073, -0.03624559938907623, 0.0026066454593092203, 0.05119434744119644, -0.019886160269379616, 0.018520977348089218, -0.04509653151035309, -0.027849724516272545, -0.0003300968965049833, 0.010250246152281761, 0.016746239736676216, -0.03765628859400749, -0.004331610631197691, -0.022480007261037827, -0.03820236027240753, -0.024550534784793854, -0.06211581081151962, -0.01778150349855423, -0.04561985284090042, -0.010335570201277733, 0.04832746461033821, 0.030125029385089874, 0.010403829626739025, -0.05123985558748245, 0.02414098009467125, -0.004169495310634375, -0.012377656064927578, 0.01833895407617092, -0.011683687567710876, -0.021877052262425423, 0.05224098637700081, -0.024755312129855156, -0.007241155952215195, 0.02862332947552204, -0.012480044737458229, 0.0025412305258214474, -0.02221834659576416, 0.0166779812425375, -0.009493707679212093, -0.09974934160709381, -0.055016860365867615, -0.053014591336250305, 0.042184144258499146, -0.003125699469819665, -0.031854260712862015, -0.017804255709052086, 0.034448109567165375, 0.0025412305258214474, -0.012150125578045845, 0.013003364205360413, -0.026120493188500404, -0.008776986971497536, -0.028077255934476852, -0.011518727988004684, 0.0005208313814364374, -0.024937335401773453, 0.05342414602637291, -0.01817968115210533, 0.026052234694361687, 0.04307151213288307, -0.056473053991794586, 0.03176324814558029, -0.0037115903105586767, 0.006695082876831293, -0.020978305488824844, 0.006103503983467817, 0.029465191066265106, -0.013174012303352356, 0.03469839319586754, 0.027917984873056412, -0.0321955569088459, 0.03647312894463539, 0.02896462380886078, 0.02857782319188118, -0.0008752811700105667, -0.006149010267108679, 0.026643814519047737, 0.0128554692491889, 0.019340086728334427, 0.027212640270590782, 0.036564141511917114, -0.015494822524487972, 0.02516486681997776, 0.024163732305169106, -0.039431024342775345, -0.025346890091896057, -0.011922595091164112, 0.029101142659783363, -0.005665507633239031, 0.04718981310725212, -0.000456482928711921, -0.010096662677824497, -0.036336611956357956, -0.03938551992177963, 0.01935146376490593, -0.028782600536942482, 0.007679152302443981, 0.00514218769967556, -0.005233199801295996, -0.07012487947940826, -0.032400332391262054, -0.055835969746112823, 0.02430025115609169, 0.061296697705984116, 0.008566521108150482, -0.04530131071805954, 0.034448109567165375, 0.010887331329286098, -0.029237661510705948, 0.018930532038211823, -0.006018179934471846, 0.009408383630216122, 0.01255968026816845, 0.010472088120877743, -0.04459596425294876, 0.04452770575881004, 0.03583604469895363, 0.028168268501758575, 0.0013417185982689261, 0.010551723651587963, -0.044891756027936935, 0.008731480687856674, -0.016063649207353592, -0.020147820934653282, -0.0022852588444948196, 0.02853231690824032, -0.04491450637578964, 0.017497090622782707, 0.027394665405154228, 0.04714430496096611, 0.007571075111627579, -0.0021899803541600704, -0.006717836018651724, 0.013401542790234089, -0.01754259690642357, 0.04996568337082863, -0.01191121805459261, -0.025915715843439102, -0.04145604372024536, -0.002134519862011075, 0.06166074797511101, -0.017872516065835953, 0.027917984873056412, 0.0036831488832831383, 0.02332186885178089, 0.008134213276207447, -0.0002771249564830214, -0.009448201395571232, -0.025688186287879944, -0.006666641682386398, 0.005267329514026642, 0.013697332702577114, 0.01829344779253006, 0.018737131729722023, -0.021023811772465706, -0.05897589027881622, 0.052741553634405136, 0.009533525444567204, 0.0486915148794651, -0.039863333106040955, 0.007571075111627579, -0.019999925047159195, 0.028919117525219917, -0.021183082833886147, 0.008873687125742435, -0.0447552353143692, -0.016234297305345535, 0.00426903972402215, -0.015949884429574013, -0.002299479441717267, 0.01715579442679882, -0.022673407569527626, 0.032991912215948105, 0.007081884890794754, -0.062161315232515335, 0.036131832748651505, -0.04368584230542183, 0.0015301421517506242, -0.012787210755050182, 0.025506161153316498, -0.030398067086935043, 0.05037523806095123, -0.006774718873202801, -0.003745719790458679, 0.008287795819342136, -0.018771260976791382, -0.03324219584465027, -0.03979507461190224, 0.02759944275021553, -0.004200780764222145, 0.020147820934653282, -0.08159241080284119, 0.005056864116340876, 0.025073854252696037, 0.025210373103618622, 0.06366301327943802, 0.003788381814956665, 0.033310454338788986, -0.01755397394299507, 0.039704062044620514, -0.0030375313945114613, 0.030102277174592018, 0.04075070098042488, -0.04047766327857971, -0.03831612691283226, 0.020398102700710297, -0.06311694532632828, -0.0019013012060895562, -0.003745719790458679, 0.04678025841712952, 0.007821358740329742, 0.016860004514455795, -0.07285524904727936, -0.06825912743806839, -0.0001793579722288996, 0.020443608984351158, 0.01193397119641304, -0.049010057002305984, 0.015335551463067532, 0.022480007261037827, -0.05397021770477295, 0.006763342302292585, 0.056154511868953705, 0.024095473811030388, 0.03815685585141182, 0.05938544496893883, 0.07604067027568817, -0.013310530222952366, -0.04104648903012276, -0.05715564638376236, 0.0557449571788311, 0.04741734266281128, -0.03351523354649544, -0.016188791021704674, 0.0025753602385520935, 0.004826489370316267, 0.029851993545889854, -0.0009307416621595621, 0.02269616164267063, 0.013196765445172787, 0.045483335852622986, -0.012343525886535645, -0.01274170447140932, 0.027508430182933807, 0.01695101708173752, -0.05433426797389984, 0.015426564030349255, -0.038452643901109695, -0.030716609209775925, -0.010369699448347092, -0.0019567618146538734, -0.001696523861028254, -0.03233207389712334, 0.02154713310301304, 0.04352657124400139, -0.008794051595032215, 0.029920252040028572, -0.04079620540142059, 0.03101239912211895, -0.04659823328256607, 0.027940737083554268, -0.07271872460842133, 0.0003596047463361174, 0.04573361948132515, -0.012627938762307167, -0.040295641869306564, 0.02548340894281864, -0.06816811859607697, 0.005571651738137007, -0.018191058188676834, -0.06411807984113693, 0.029146648943424225, 0.015199033543467522, -0.00024957244750112295, 0.05210446938872337, -0.011422027833759785, -0.04996568337082863, 0.013287777081131935, 0.016734862700104713, 0.011080732569098473, -0.03410681337118149, -0.014459558762609959, 0.04937410354614258, 0.011979477480053902, -0.00031658727675676346, -0.004197936505079269, 0.0009990008547902107, 0.014220652170479298, -0.018259316682815552, -0.0066325124353170395, -0.0502387210726738, 0.00941975973546505, 0.011103485710918903, -0.008794051595032215, 0.024391261860728264, 0.008219537325203419, -0.010528970509767532, 0.01653008535504341, 0.02657555416226387, 0.0272808987647295, -0.02398170717060566, 0.023890696465969086, 0.01672348752617836, -0.0064789289608597755, 0.008174031041562557, -0.01095559075474739, -0.00725253252312541, 0.041547056287527084, 0.05797475576400757, 0.007053443696349859, 0.02398170717060566, 0.026234259828925133, -0.031148916110396385, 0.009055711328983307, -0.023253610357642174, 0.020443608984351158, -0.030830373987555504, 0.04664373770356178, 0.015051138587296009, 0.015324174426496029, -0.008668909780681133, -0.008879375644028187, 0.023572152480483055, -0.006274151615798473, -0.021285472437739372, -0.03622284531593323, 0.03019328974187374, -0.02755393646657467, -0.043594829738140106, -0.0066382004879415035, 0.05447078496217728, -0.005042643286287785, 0.02295782044529915, 0.03490316867828369, -0.018282070755958557, -0.0063765402883291245, 0.0012130216928198934, -0.002754540415480733, 0.05032973363995552, -0.008122836239635944, 0.001471837516874075, -0.02131960168480873, -0.06307143718004227, 0.01715579442679882, 0.0008617715211585164, 0.002117455005645752, -0.0443684346973896, -0.004917501471936703, 0.033310454338788986, -0.026348024606704712, 0.018850896507501602, -0.003171205520629883, 0.03378827124834061, -0.010358323343098164, -0.03626834973692894, -0.001973826438188553, 0.014402676373720169, 0.04418640956282616, 0.035972561687231064, 0.001781847677193582, -0.013117129914462566, 0.0111888088285923, 0.023219481110572815, 0.018168305978178978, -0.03426608443260193, -0.013299154117703438, 0.0062115807086229324, 0.0003338298120070249, 0.012844093143939972, -0.013321907259523869, -0.038293372839689255, 0.023208104074001312, 0.013788344338536263, 0.015244538895785809, -0.01774737425148487, -0.024482274428009987, 0.0074288686737418175, -0.011461845599114895, 0.022320736199617386, 0.010233181528747082, 0.016666604205965996, -0.041706327348947525, 0.004470973275601864, -0.017246806994080544, 9.687819692771882e-05, -0.029192155227065086, 0.015255915932357311, -0.05087580531835556, 0.061296697705984116, -0.006740589160472155, 0.02072802186012268, -0.014687089249491692, 0.017360571771860123, 0.030716609209775925, -0.013003364205360413, 0.0064675528556108475, 0.026507295668125153, -0.00518200546503067, 0.004132521338760853, 0.017258184030652046, 0.008202471770346165, 0.024914583191275597, 0.0012940793531015515, 0.011478910222649574, -0.008731480687856674, 0.00029383422224782407, 0.0204094797372818, 0.009425448253750801, 0.021535756066441536, 0.01734919659793377, -0.0025554511230438948, 0.06507370620965958, -0.02755393646657467, -0.03101239912211895, -0.02755393646657467, 0.0012485733022913337, 0.023094339296221733, 0.004297480918467045, -0.036131832748651505, -0.08341265469789505, 0.032286569476127625, 0.009050022810697556, -0.04691677540540695, 0.02339012920856476, 0.034766651690006256, 0.04104648903012276, -0.03622284531593323, -0.02598397620022297, 0.00500566978007555, 0.010648424737155437, -0.0349259227514267, -0.018828144297003746, -0.009385630488395691, -0.01656421646475792, -0.018941909074783325, 7.750255463179201e-05, 0.024596041068434715, -0.01967000588774681, 0.0266893208026886, 0.06329897046089172, -0.0015287201385945082, 0.003705902025103569, -0.06434560567140579, 0.009675731882452965, 0.025460656732320786, 0.008663221262395382, 0.019556241109967232, -0.005534677766263485, -0.030170535668730736, -0.026279766112565994, -0.0014327306998893619, 0.010045468807220459, 0.027622194960713387, -0.02221834659576416, 0.009908950887620449, -0.0004934566095471382, 0.02159263752400875, -0.010841825045645237, 0.004354363773018122, -0.026393530890345573, -0.05137637257575989, 0.018316200003027916, -0.02370867133140564, 0.036336611956357956, 0.001966716255992651, 0.027849724516272545, 0.032013531774282455, 0.04737183824181557, 0.0007188539602793753, -0.012912352569401264, 0.05146738514304161, 0.002940830774605274, -0.006217269226908684, -0.02418648451566696, -0.003253685310482979, -0.019419722259044647, 0.008469820022583008, -0.0008418626384809613, 0.02076215296983719, -0.021444743499159813, 0.017838386818766594, 0.045551594346761703, 0.0009606050443835557, -0.02053462155163288, 0.016382191330194473, -0.0380885936319828, -0.00236489437520504, -0.04079620540142059, 0.013902110047638416, -0.0015628497349098325, 0.03403855487704277, -0.010984031483530998, 0.024982841685414314, 0.016188791021704674, -0.0012386188609525561, -0.018828144297003746, -0.0010715262033045292, -0.009903262369334698, 0.041979365050792694, -0.06147872284054756, 0.03647312894463539, -0.02673482708632946, -0.017144419252872467, -0.010995408520102501, -0.009721238166093826, 0.0025625615380704403, -0.03733774274587631, 0.017838386818766594, 0.018623366951942444, 0.0036120456643402576, -0.007076196372509003, 0.0025739381089806557, 0.011456157080829144, 0.008919193409383297, 0.023105716332793236, -0.03608632832765579, -0.02189980447292328, -0.008139901794493198, -0.001034552464261651, 0.010705307126045227, -0.04379960894584656, -0.006535811815410852, 0.009527836926281452, -0.04282122850418091, -0.004493725951761007, 0.003742875764146447, -0.007929435931146145, -0.018816767260432243, -0.022741667926311493, 0.022775797173380852, 0.03838438540697098, 0.02484632283449173, 0.07385637611150742, 0.009539213962852955, 0.009004517458379269, -0.016871381551027298, 0.024755312129855156, -0.00851532630622387, 0.0059157912619411945, -0.043981634080410004, 0.005898726638406515, 0.032127298414707184, -0.0015017008408904076, 0.007957876659929752, -0.020910046994686127, -0.08809978514909744, 0.0012926573399454355, -0.02869158796966076, 0.014675713144242764, -0.0427984744310379, -0.019010167568922043, 0.01833895407617092, -0.014630206860601902, 0.010489152744412422, 0.02971547469496727, 0.006649577058851719, 0.0031399200670421124, 0.02080765925347805, -0.006001115310937166, -0.01645044982433319, 0.011763323098421097, -0.0006584161892533302, -0.0063139693811535835, -0.020193325355648994, 0.0364958830177784, -0.03792932257056236, 0.02045498602092266, 0.04309426620602608, 0.013390165753662586, 0.0006068663205951452, 0.012445914559066296, -0.009192229248583317, -0.0392489992082119, 0.019874783232808113, -0.006837289780378342, 0.011564234271645546, 0.007741723209619522, -0.005802026018500328, 0.010153545998036861, 0.007736034691333771, -0.007713282015174627, 0.04247993230819702, -0.023617658764123917, -0.010102351196110249, -0.0435720793902874, -0.03003401681780815, 0.013458425179123878, -0.02912389673292637, 0.004075638949871063, 0.021171707659959793, 0.019067050889134407, 0.001948229386471212, 0.0376790389418602, 0.013333283364772797, -0.028350291773676872, 0.0014561947900801897, 0.014937372878193855, 0.008077330887317657, -0.0018600613111630082, 0.019954418763518333, 0.029943006113171577, -0.032059039920568466, -0.028941871598362923, 0.0004475950263440609, -0.0153127983212471, 0.01951073482632637, 0.0014177990378811955, 0.06639338284730911, -0.03685992956161499, 0.02017057314515114, -0.0100113395601511, -0.029920252040028572, 0.006274151615798473, -0.0032593735959380865, 0.02108069509267807, 0.004112612456083298, 0.01888502575457096, -0.024436768144369125, 0.022366242483258247, 0.035972561687231064, 0.06316244602203369, -0.0357222780585289, 0.006069374270737171, 0.00339589174836874, 0.025574421510100365, -0.015358304604887962, -0.013139883056282997, -0.020625634118914604, -0.033742763102054596, -0.01585887186229229, -0.0011163211893290281, 0.050102200359106064, 0.014596077613532543, -0.03481215611100197, -0.0031370758078992367, -0.018088670447468758, -0.019840653985738754, 0.00319395842961967, -0.011006784625351429, 0.0431852750480175, -0.001222265069372952, 0.0028839483857154846, 0.015847494825720787, 0.01861198991537094, 0.055835969746112823, 0.004709879867732525, 0.023412881419062614, 0.012400409206748009, -0.002071948954835534, 0.01448231190443039, -0.0237541776150465, 0.030671102926135063, -0.012571056373417377, 0.030602844431996346, -0.04404989257454872, -0.03447085991501808, -0.025096606463193893, 0.006023868452757597, -0.008077330887317657, -0.0061376336961984634, 0.001554317306727171, 0.02445952221751213, 0.026165999472141266, -0.025301383808255196, -0.009510772302746773, -0.012241137214004993, 0.0341523177921772, 0.00012540837633423507, -0.030102277174592018, -0.025255877524614334, -0.05205896496772766, 0.0072013381868600845, -0.013845226727426052, 0.002896746853366494, -0.009806562215089798, -0.010881642811000347, 0.00298349279910326, 0.031694989651441574, 0.015676846727728844, -0.030284300446510315, -0.010079598054289818, 0.0217860396951437, 0.0005005669663660228, 0.019715512171387672, 0.04352657124400139, 0.0063139693811535835, 0.01577923633158207, -0.004618867766112089, 0.005836155731230974, 0.026325272396206856, 0.01361769624054432, 0.0038452644366770983, -0.021410614252090454, -0.013185388408601284, 0.034334342926740646, -0.015392433851957321, 0.030875880271196365, 0.0037599403876811266, -0.012150125578045845, 8.167987107299268e-05, 0.026871344074606895, 0.0051109022460877895, -0.013401542790234089, 0.039977096021175385, -0.0008155544055625796, -0.019772395491600037, 0.0004884793888777494, -0.011097797192633152, -0.00025632724282331765, -0.03096689283847809, 0.004223533906042576, -0.012195630930364132, 0.03995434567332268, -0.008247978053987026, -0.0005713147111237049, -0.008606338873505592, 0.020511869341135025, 0.016541462391614914, 0.04168357700109482, -0.021933933719992638, 0.00459327083081007, 0.013458425179123878, 0.03249134495854378, 0.006234333850443363, 0.01899879053235054, -0.01515352725982666, 0.026097740978002548, -0.018771260976791382, -0.011575611308217049, -0.009863444603979588, 0.010199051350355148, -0.01935146376490593, -0.007736034691333771, 0.04047766327857971, -0.01523316279053688, 0.007025002036243677, 0.013822473585605621, 0.002714722417294979, 0.021569885313510895, 0.0337655171751976, -0.02414098009467125, 0.03312843292951584, 0.012400409206748009, 0.034607380628585815, 0.01523316279053688, 0.025665434077382088, 0.019965795800089836, -0.0077530997805297375, -0.0117747001349926, 0.03344697505235672, 0.011342392303049564, 0.027804220095276833, 0.020784905180335045, -0.019260451197624207, 0.020227456465363503, 0.046256937086582184, 0.013708708807826042, -0.05178592726588249, 0.031421951949596405, 0.00713307922706008, 0.0035523190163075924, 0.01731506548821926, -0.043981634080410004, 0.01526729203760624, 0.039635803550481796, -0.015642717480659485, 0.033310454338788986, -0.004732633009552956, 0.0008112881914712489, -0.017656361684203148, 0.02744016982614994, -0.02382243610918522, 0.014323040843009949, 0.008953322656452656, 0.004200780764222145, -0.013958992436528206, 0.024231990799307823, -0.003398735774680972, 0.002258239546790719, 0.018009034916758537, -0.013117129914462566, -0.018555106595158577, 0.020477740094065666, -0.014914619736373425, 0.005787805654108524, -0.005955609027296305, -0.013048870489001274, 0.0034698392264544964, -0.0026663723401725292, 0.029897499829530716, 0.020659763365983963, 0.003006245940923691, 0.019715512171387672, -0.005784961394965649, 0.0066438885405659676, 0.027804220095276833, 0.004556296858936548, -0.023526646196842194, -0.03795207664370537, -0.018953286111354828, -0.011166056618094444, 0.003708746051415801, 0.011222939006984234, -0.0004187982121948153, -0.007582451682537794, -0.006649577058851719, 0.015460693277418613, 0.011183121241629124, -0.004337299149483442, -0.03128543496131897, 0.057610705494880676, -0.017679115757346153, -0.04047766327857971, 0.022753043100237846, 0.054379772394895554, 0.011842959560453892, 0.0006982340128161013, 0.02146749757230282, 0.03490316867828369, 0.055562932044267654, 0.02948794513940811, -0.010523282922804356, 0.02300332672894001, 0.03567677363753319, 0.025847457349300385, 0.011604052037000656, 0.018771260976791382, 0.009778120554983616, 0.006183139514178038, -0.017735997214913368, 0.010102351196110249, -0.0012386188609525561, -0.025892963632941246, 0.022047698497772217, 0.0266893208026886, 0.003734343219548464, -0.0011483177077025175, -0.012127372436225414, -0.011439092457294464, -0.001743451924994588, -0.012161501683294773, -0.027917984873056412, -0.06379953771829605, -0.02987474575638771, 0.029851993545889854, 0.02696235664188862, 0.03089863248169422, -0.034561872482299805, 0.04580187797546387, -0.0022667718585580587, -0.0036120456643402576, -0.008754233829677105, 0.01026731077581644, -0.018589235842227936, 0.015335551463067532, -0.03280988708138466, 0.007275285664945841, 0.003725810907781124, -0.019032921642065048, -0.001449795556254685, -0.02402721345424652, -0.021717779338359833, -0.02135373093187809, -0.007081884890794754, -0.0073606097139418125, -0.033378716558218, 0.02960170991718769, 0.020511869341135025, 0.012343525886535645, -0.021649520844221115, -0.04106924310326576, 0.027576688677072525, 0.030352560803294182, 0.03410681337118149, 0.006393605377525091, 0.02402721345424652, -0.012195630930364132, -0.02853231690824032, 0.014436806552112103, 0.020944176241755486, -0.006342411041259766, 0.04063693434000015, -0.03321944549679756, -0.0009776698425412178, -0.0028085787780582905, -0.03594980761408806, -0.0015073891263455153, 0.020625634118914604, -0.02034122124314308, -0.01875988394021988, -0.0032622176222503185, 0.03979507461190224, 0.012548303231596947, -0.007417492102831602, 0.005150720477104187, -0.011558545753359795, -0.040773455053567886, -0.0056000929325819016, -0.011609740555286407, 0.005898726638406515, 0.012104619294404984, -0.010136481374502182, 0.0059157912619411945, 0.0022042011842131615, 0.018907779827713966, 0.003919211681932211, 0.0067064594477415085, -0.007207026705145836, 0.025255877524614334, -0.026871344074606895, 0.015528952702879906, 0.02092142403125763, -0.010938526131212711, -0.01755397394299507, 0.004581894259899855, 0.042138636112213135, 0.012821340002119541, -0.006615447346121073, 0.028555069118738174, 0.01361769624054432, 0.02343563549220562, 0.0056825727224349976, -0.03738325089216232, -0.0027005018200725317, -0.005164940841495991, -0.02948794513940811, -0.010432270355522633, 0.004604647401720285, -0.02841855213046074, 0.024391261860728264, -0.026985108852386475, -0.008970387279987335, 0.016507333144545555, 0.01073374878615141, 0.010420894250273705, 0.008043200708925724, 0.0025198995135724545, 0.0002957895630970597, 0.01683725230395794, 0.010403829626739025, 0.005637066438794136, 0.025460656732320786, -0.011018161661922932, -0.003603513352572918, 0.04832746461033821, -0.0035523190163075924, 0.029032884165644646, 0.0034556183964014053, -0.01923769898712635, -0.009931703098118305, 0.005836155731230974, 0.005130811128765345, 0.007736034691333771, -0.027963491156697273, 0.010568789206445217, -0.00767346378415823, 0.0423889197409153, 0.005179161671549082, -0.022423123940825462, -0.012115995399653912, -0.0022440189495682716, 0.00634809909388423, 0.027303652837872505, 0.003063128562644124, -0.002811423037201166, -0.018065916374325752, -0.0016837252769619226, 0.004405558109283447, 0.0015784923452883959, 0.011530105024576187, 0.008367431350052357, -0.02209320478141308, 0.008856622502207756, 0.0025355422403663397, -0.0059783621691167355, 0.013082999736070633, -0.001468993374146521, -0.01507389172911644, -0.0031399200670421124, -0.03720122575759888, 0.0006481062155216932, -0.00027285877149552107, 0.004328766372054815, 0.018282070755958557, -0.01742883212864399, -0.035699523985385895, 0.016780368983745575, 0.007025002036243677, -0.015949884429574013, 0.029578955844044685, -0.020227456465363503, -0.02625701203942299, -0.023936202749609947, 0.0683046355843544, -0.04163806885480881, 0.06038657948374748, -0.001801756676286459, 0.029192155227065086, -0.027508430182933807, -0.003378826892003417, -0.032991912215948105, -0.026552801951766014, 0.007047755178064108, -0.006120568607002497, 0.039112482219934464, -0.012684822082519531, 0.04887353628873825, -0.005588716361671686, -0.012024983763694763, -0.0077530997805297375, 0.03349247947335243, -0.010728060267865658, -0.0036291105207055807, -0.011490287259221077, 0.03508519381284714, 0.020398102700710297, 0.025210373103618622, 0.001385091571137309, -0.02026158571243286, 0.02452778071165085, 0.01731506548821926, 0.0026663723401725292, -0.023936202749609947, 9.163432696368545e-05, 0.014004498720169067, 0.019408347085118294, 0.03117167018353939, -0.007940812036395073, 0.0025739381089806557, -0.005381094757467508, 0.0144254295155406, -0.0018913467647507787, -0.004109768662601709, 0.011291197501122952, 0.027735959738492966, 0.0025966910179704428, 0.037110213190317154, -0.025301383808255196, 0.008065953850746155, -0.03340146690607071, -0.03622284531593323, 0.03349247947335243, 0.008998828940093517, 0.002383381361141801, 0.003358918009325862, -0.010699618607759476, -0.011353768408298492, 0.008395873010158539, -0.014243405312299728, -0.0095221484079957, 0.04521029815077782, 0.021695027127861977, 0.02673482708632946, 0.02005680836737156, -0.034288838505744934, 0.03317393735051155, -0.01923769898712635, 0.013572190888226032, 0.019817901775240898, -0.006513058673590422, 0.03265061601996422, -0.032673370093107224, -0.04536956921219826, -0.004889060277491808, 0.0021672274451702833, 0.006854354403913021, 0.008816804736852646, -0.015756482258439064, 0.014846361242234707, -0.012081866152584553, -0.020750775933265686, -0.010352634824812412, -0.012445914559066296, 0.003651863429695368, 0.0070363786071538925, 0.020307091996073723, 0.0005844688275828958, 0.0020164884626865387, -0.02175191044807434, -0.0059157912619411945, 0.012332149781286716, 0.009288930334150791, -0.015051138587296009, -0.021877052262425423, 0.026165999472141266, 0.022718913853168488, 0.02260514907538891, 0.009385630488395691, -0.012286643497645855, -0.015494822524487972, 0.017087535932660103, 0.017280936241149902, -0.011575611308217049, 0.006564253009855747, -0.0004539943183772266, 0.01833895407617092, -0.008879375644028187, -0.0062400223687291145, -0.01907842792570591, -0.006962431129068136, -0.013174012303352356, -0.023412881419062614, -0.02798624336719513, -0.02280992642045021, -0.005378250498324633, 0.01269619818776846, -0.007002249360084534, -0.026825837790966034, 0.021421991288661957, -0.0014256204012781382, -0.008111460134387016, 0.016268426552414894, -0.009766743518412113, -0.004999981261789799, 0.0003892903623636812, -0.05315110832452774, -0.011137614957988262, -0.015642717480659485, 0.00019109001732431352, -0.023958954960107803, 0.0043828049674630165, 0.013276400975883007, 0.030329806730151176, 0.003191114403307438, 0.050102200359106064, 0.008424314670264721, 0.026643814519047737, -0.013174012303352356, 0.025255877524614334, -0.004906124901026487, 0.0006701482343487442, 0.014436806552112103, -0.043162524700164795, -0.04027288779616356, 0.00029863370582461357, -0.033697258681058884, -0.016154661774635315, 0.009271865710616112, 0.021581262350082397, -0.039476532489061356, -0.015085267834365368, 0.02598397620022297, 0.02382243610918522, -0.014971503056585789, 0.0009762477711774409, -0.009328748099505901, -0.0038196672685444355, -0.023845190182328224, -0.03160397708415985, 0.017337819561362267, -0.0035949808079749346, 0.009288930334150791, -0.01073374878615141, -0.0100113395601511, -0.019169438630342484, -0.04566535726189613, 0.007013625465333462, -0.02441401593387127, 0.007639334537088871, -0.0005627823411487043, 0.018816767260432243, 0.0036205779761075974, 0.019089803099632263, -0.014891866594552994, 0.009135346859693527, -0.005821934901177883, 0.03276438266038895, 0.0037969141267240047, 0.02233211323618889, -0.019214944913983345, 0.012809963896870613, 0.01817968115210533, -0.005543210078030825, 0.013833850622177124, 0.008725792169570923, -0.018395835533738136, -0.03387928009033203, -0.013048870489001274, 0.05224098637700081, -0.010034091770648956, 0.0014974346850067377, -0.001262793899513781, -0.00592716783285141, 0.03117167018353939, -0.010756500996649265, -0.00713307922706008, 0.008771298453211784, 0.01358356699347496, -0.006615447346121073, -0.0073662977665662766, 0.047508355230093, 0.01577923633158207, -0.003276438219472766, 0.04125126823782921, -0.027940737083554268, -0.040727946907281876, -0.005824779160320759, -0.024391261860728264, 0.03922624886035919, 0.01436854712665081, -0.020705269649624825, 0.0085380794480443, -0.018634742125868797, -0.008168342523276806, 0.00717289699241519, -0.00476107420399785, 0.016973771154880524, 0.012263890355825424, -0.009567654691636562, -0.0035181893035769463, -0.0059101032093167305, 0.01002840418368578, -0.03667790815234184, 0.02324223332107067, 0.024709805846214294, 0.01263931579887867, -0.02555166743695736, 0.05447078496217728, -0.016302555799484253, 0.041592564433813095, 0.0007700482965447009, -0.01645044982433319, -0.018520977348089218, 0.040454912930727005, -0.033697258681058884, -0.029351426288485527, 0.0380885936319828, -0.018896402791142464, 0.021217213943600655, -0.02966996841132641, 0.012809963896870613, -0.022673407569527626, 0.02841855213046074, -0.013867979869246483, -0.002527009928599, -0.0035722278989851475, -0.022502759471535683, -0.008703039027750492, 0.012571056373417377, 0.009050022810697556, -0.015426564030349255, -0.03069385513663292, 0.033378716558218, 0.03740600496530533, -0.012900975532829762, 0.007844111882150173, -0.002896746853366494, 0.005637066438794136, -0.029032884165644646, 0.015483446419239044, -0.024823570623993874, 0.0037570963613688946, 0.02108069509267807, -0.016860004514455795, 0.02292369119822979, 0.02386794239282608, 0.016939640045166016, 0.013356036506593227, -0.003580760210752487, 0.0190442968159914, -0.0182479415088892, -0.002094702096655965, 0.0077587878331542015, 0.00019233432249166071, 0.0058134025894105434, 0.03117167018353939, -0.01711028814315796, 0.00757676362991333, 0.01364044938236475, 0.02221834659576416, -0.00556311896070838, 0.03356073796749115, -0.006928301881998777, -0.039817824959754944, 0.009738302789628506, 0.0012549725361168385, -0.021877052262425423, -0.056973621249198914, 0.015324174426496029, 0.013731461949646473, 0.020545998588204384, 0.03870292752981186, -0.00458473851904273, 0.019226321950554848, 0.023264987394213676, 0.001743451924994588, -0.0013772702077403665, -0.014470935799181461, -0.017963528633117676, 0.008247978053987026, -0.01087595522403717, 0.013685955666005611, -0.00017055895295925438, -0.02559717372059822, -0.013435672037303448, 0.03968130797147751, 0.017929397523403168, 0.0019980017095804214, 0.020090937614440918, 0.012298020534217358, 0.02096693031489849, -0.007935123518109322, -0.00046110464609228075, -0.008862310089170933, -0.0025597175117582083, -0.020204702392220497, 0.03615458682179451, 0.04177458956837654, 0.016939640045166016, -0.007696216925978661, -0.009675731882452965, -0.018953286111354828, 0.033856529742479324, 0.03692818805575371, 0.010398141108453274, 0.036291103810071945, -0.010796318762004375, 0.05164941027760506, 0.0018401524284854531, -0.011353768408298492, -0.0006011780933476985, -0.007906682789325714, -0.04384511336684227, 0.029920252040028572, 0.01450506504625082, 0.04204762354493141, -0.012354902923107147, -0.018987415358424187, 0.004038665443658829, 0.045164790004491806, -0.011211561970412731, 0.023230858147144318, 0.020853163674473763, 0.012457291595637798, -0.029146648943424225, -0.007394738961011171, 0.007622269447892904, -0.012400409206748009, -0.014277534559369087, 0.021501626819372177, 0.0025127893313765526, -0.013037494383752346, -0.00500566978007555, 0.031217176467180252, 0.015847494825720787, -0.005620001815259457, 0.013435672037303448, -0.055881474167108536, -0.00015758260269649327, 0.047508355230093, -0.022036323323845863, -0.013469802215695381, -0.012480044737458229, -0.03026154823601246, -0.025028347969055176, 0.0018131331307813525, 0.02527863159775734, -0.0011774699669331312, -0.012207007966935635, -0.053014591336250305, 0.021729156374931335, -0.023128468543291092, 0.009061399847269058, 0.0023904915433377028, 0.002937986748293042, 0.04530131071805954, 0.023776929825544357, 0.011291197501122952, 0.016928264871239662, -0.019954418763518333, -0.010136481374502182, 0.014789477922022343, -0.03799758106470108, 0.03249134495854378, -0.04416365921497345, 0.022753043100237846, 0.0033446974121034145, 0.014015874825417995, -0.0009051444940268993, -0.01444818265736103, 0.007531257346272469, -0.00633103447034955], "d4e8af6d-31e3-4394-a497-198261b0be54": [0.011989752762019634, 0.016345622017979622, 0.035491444170475006, 0.012089760042726994, -0.02451287768781185, 0.007017172407358885, 0.005292047746479511, -0.03340240567922592, 0.00047920120414346457, 0.04907020181417465, 0.03215787187218666, -0.0379582904279232, -0.08320599794387817, -0.02046814188361168, 0.03102445788681507, 0.008811745792627335, -0.017534596845507622, -0.005628183484077454, -0.028135361149907112, 0.01665675640106201, 0.06778266280889511, 0.0633823424577713, -0.012589795514941216, 0.013423189520835876, -0.00678382208570838, -0.01150082889944315, -0.01803463324904442, -0.029802147299051285, -0.0033113497775048018, 0.022657187655568123, 0.057870835065841675, -0.01331207063049078, -0.025890754535794258, -0.0009389565675519407, -0.02760198898613453, 0.018734682351350784, -0.047647878527641296, 0.03851388767361641, 0.028513165190815926, -0.032691244035959244, -0.003969730343669653, 0.006983836647123098, 0.008961756713688374, -0.007717222906649113, 0.006033767946064472, 0.05160371959209442, 0.012345333583652973, -0.006528248079121113, -0.024357309564948082, 0.025246262550354004, -0.052492670714855194, 0.03655818849802017, -0.021801570430397987, 0.034913625568151474, 0.05995987728238106, 0.016090048477053642, -0.019345838576555252, -0.007961684837937355, 0.02440175786614418, -0.015312214381992817, -0.013034272007644176, 0.002718251431360841, -0.033469077199697495, 0.02946878969669342, -0.010172954760491848, -0.007339417468756437, -0.04787011444568634, 0.023246118798851967, 0.01527887862175703, -0.004739230498671532, 0.008417272940278053, 0.06307121366262436, 0.010528536513447762, 0.020301463082432747, -0.03473583608865738, -0.019823649898171425, 0.03995843604207039, -0.015934482216835022, 0.06418240070343018, 0.0004090572474524379, -0.03918059915304184, -0.05827086418867111, -0.0602710098028183, 0.01772349886596203, 0.0038558333180844784, -0.02553517371416092, -0.05671519786119461, 0.003314127679914236, -0.04160299897193909, -0.06716039776802063, -0.016934553161263466, 0.06280452758073807, -0.0648491159081459, 0.006167110987007618, -0.0077005550265312195, -0.0025474056601524353, -0.022312719374895096, 0.008911753073334694, 0.004786456003785133, 0.0492035448551178, 0.011967528611421585, 0.005761526059359312, -0.015101088210940361, -0.004597553517669439, 0.05160371959209442, -0.00106257654260844, -0.009728478267788887, 0.01455660443753004, -0.015189982950687408, -0.053114939481019974, -0.031046681106090546, 0.007083843927830458, 0.00016884897195268422, 0.02564629167318344, 0.04089183360338211, 0.022557180374860764, -0.009295114316046238, -0.045825522392988205, 0.0014667724026367068, -0.03184673935174942, -0.024668443948030472, 0.02015700750052929, -0.032491229474544525, -0.05524842441082001, -0.04260306805372238, -0.011239699088037014, -0.007756114471703768, 0.0031863406766206026, -7.73493229644373e-05, 0.01555667631328106, -0.00048371541197411716, 0.01985698565840721, 0.001575113506987691, -0.03618038445711136, -0.033113498240709305, -0.0044669886119663715, 0.027179736644029617, -0.03604704141616821, -0.07373864948749542, -0.04720339924097061, -0.0007038701442070305, -0.007239410653710365, 0.011411933228373528, 0.06058214232325554, 0.028624285012483597, 0.02600187249481678, 0.004025289788842201, -0.021168190985918045, -0.009439568966627121, -0.054403919726610184, -0.0015528897056356072, -0.00561151560395956, -0.005158705171197653, -5.5602962675038725e-05, 0.01043964084237814, -0.010461864992976189, -0.015156647190451622, 0.03204675391316414, -0.012545348145067692, 0.016667867079377174, -0.03735824674367905, -0.012945377267897129, 0.012978713028132915, -0.0042753079906105995, 0.03251345455646515, -0.027357526123523712, -0.0017542931018397212, 0.025246262550354004, -0.021957136690616608, -0.021634891629219055, -0.02740197442471981, -0.0301799513399601, -0.05129258334636688, 0.00033318373607471585, 0.04333645477890968, 0.0031307812314480543, -0.004478100221604109, -0.07240521907806396, 0.00801724474877119, -0.01649007759988308, -0.004680892918258905, 0.02067926712334156, -0.019823649898171425, -0.022757194936275482, 0.028313150629401207, -0.03526920825242996, -0.037980515509843826, 0.059470951557159424, 0.0046114432625472546, 0.01165639515966177, -0.0012410616036504507, -0.010667434893548489, -0.02677970752120018, -0.08822857588529587, -0.06022655963897705, -0.04667003080248833, 0.04029179364442825, 0.012478676624596119, -0.02884652279317379, -0.0041280752047896385, 0.00995627325028181, 0.013578755781054497, 0.012189767323434353, 0.05351496860384941, -0.013712098821997643, -0.027624212205410004, -0.005594847723841667, -0.008667291142046452, 0.014489932917058468, -0.016990112140774727, 0.03702488914132118, -0.030268847942352295, -0.0018237425247207284, 0.03275791555643082, -0.01917915977537632, -0.003030773950740695, -0.014634387567639351, 0.014567716047167778, -0.007156071253120899, 0.004219748545438051, 0.03749158978462219, -0.01043964084237814, 0.010067392140626907, 0.009811817668378353, -0.036580413579940796, 0.048359040170907974, 0.020512588322162628, 0.025979649275541306, 0.0034419146832078695, -0.034358032047748566, 0.03162449970841408, 0.043136440217494965, -0.02155710943043232, 0.038380544632673264, 0.01436770148575306, -0.02604632079601288, 0.020645931363105774, 0.002936322707682848, -0.030668877065181732, -0.010250738821923733, -0.011356373317539692, 0.018056856468319893, -0.0012146708322688937, 0.027890898287296295, 0.004183634649962187, -0.013889889232814312, -0.03266901895403862, -0.0506703183054924, 0.03778050094842911, -0.031202247366309166, -0.0015112200053408742, 0.026713036000728607, 0.00011337622709106654, -0.031402263790369034, -0.023912834003567696, -0.04413651302456856, 0.013745434582233429, 0.055337321013212204, -0.03460249304771423, -0.03944728523492813, 0.013889889232814312, 0.02175712399184704, -0.05618182569742203, 0.020045889541506767, -0.04404761642217636, -0.00591709278523922, 0.023757267743349075, 0.00819503515958786, 0.0023057216312736273, 0.024668443948030472, 0.008572840131819248, 0.021946026012301445, 0.0013167614815756679, 0.0016515079187229276, -0.029268775135278702, -0.01122303120791912, -0.015412221662700176, -0.013234286569058895, 0.0021640448831021786, -0.007394977379590273, -0.039625078439712524, 0.0114786047488451, 0.021523773670196533, 0.05649295821785927, 0.005755970254540443, 0.024801786988973618, 0.016345622017979622, -0.01706789620220661, -0.017901290208101273, 0.0436253659427166, 0.009211774915456772, -0.016967888921499252, -0.015412221662700176, -0.016979001462459564, 0.03542477637529373, -0.051825955510139465, 0.024735115468502045, -0.03698044270277023, 0.02444620616734028, 0.0032946818973869085, -0.0018404104048386216, 0.006650479044765234, -0.012445340864360332, 0.016401180997490883, 0.01018406730145216, 0.004730896558612585, 0.006589363794773817, -0.02073482796549797, -0.011189695447683334, -0.042825307697057724, 0.050581421703100204, 0.005939316935837269, 0.03753603622317314, -0.04942578449845314, -0.014223246835172176, -0.047381192445755005, -0.014878849498927593, -0.024268414825201035, 0.019934769719839096, -0.011734179221093655, -0.030624428763985634, -0.001683454611338675, -0.03009105660021305, -0.006844937801361084, 0.0005500396364368498, 0.0049531348049640656, 0.012478676624596119, 0.0008097805548459291, -0.036580413579940796, 0.03522476181387901, -0.027890898287296295, -0.0012542570475488901, 0.007206074893474579, -0.004780900198966265, -0.0045281038619577885, 0.04380315542221069, -0.0007313027163036168, 0.0364026241004467, -0.02497957833111286, -0.00886730570346117, -0.0341135673224926, -0.06636033952236176, 0.01865690015256405, -0.010572983883321285, 0.011173027567565441, -0.07516097277402878, 0.03433580696582794, 0.019468069076538086, 0.013912113383412361, 0.027379751205444336, -0.002584908390417695, 0.019868098199367523, -0.02662414126098156, 0.02357947640120983, 0.000333010102622211, 0.022034920752048492, 0.03540255129337311, -0.04702560976147652, -0.07093844562768936, 0.01082855835556984, -0.035024747252464294, 0.0020668155048042536, 0.0031835627742111683, 0.06276007741689682, 0.0012535625137388706, 0.029846595600247383, -0.06413795799016953, -0.06653812527656555, -0.016423406079411507, 0.009367341175675392, 0.0229572094976902, -0.028668731451034546, 0.01809019222855568, 0.02206825651228428, -0.052492670714855194, 0.007150514982640743, 0.03226898983120918, 0.046136658638715744, 0.017867954447865486, 0.0356692373752594, 0.0652046948671341, -0.014745506457984447, -0.021746011450886726, -0.02709084004163742, 0.03898058459162712, 0.04440319910645485, -0.02326834388077259, -0.009578468278050423, 0.017023447901010513, 0.011100799776613712, 0.0016765096224844456, -0.0029918821528553963, 0.03235788643360138, 0.012978713028132915, 0.05987098067998886, -0.0269797220826149, -0.00946179311722517, 0.02120152674615383, 0.022612741217017174, -0.0428919792175293, 0.02977992407977581, -0.03266901895403862, -0.021168190985918045, 0.008056135848164558, -0.006933833006769419, 0.010467421263456345, -0.016245614737272263, 0.004883685149252415, 0.052181538194417953, -0.017912400886416435, 0.030202176421880722, -0.030113279819488525, 0.020023664459586143, -0.016623420640826225, 0.02409062534570694, -0.07413867861032486, 0.017101231962442398, 0.054403919726610184, -0.011084131896495819, -0.0648491159081459, 0.017867954447865486, -0.05035918205976486, 0.00785612128674984, -0.022601628676056862, -0.060093220323324203, 0.03744714334607124, -0.008878417313098907, -0.02642412669956684, 0.03086889162659645, -0.03638039901852608, -0.03144671022891998, 0.0126675795763731, 0.009445125237107277, -0.044536542147397995, 0.0021918246056884527, 0.013845441862940788, 0.039780642837285995, 0.01684565842151642, -0.03744714334607124, -0.0021487658377736807, -0.025735188275575638, 0.0033307955600321293, -0.027157511562108994, 0.007689442951232195, -0.047647878527641296, -0.00014801413635723293, -0.0013250954216346145, -0.013445412740111351, 0.03331351280212402, 0.006950500886887312, -0.01586781069636345, 0.010000720620155334, 0.046758923679590225, 0.06280452758073807, -0.04064737260341644, 0.017290133982896805, 0.04193635657429695, 0.016790099442005157, 0.00018247842672280967, -0.036002594977617264, -0.0080950278788805, 0.04195857793092728, 0.0444476455450058, 0.01637895777821541, 0.028090912848711014, 0.011667507700622082, -0.0170567836612463, 0.031757842749357224, -0.03180229291319847, 0.040869612246751785, -0.015634460374712944, 0.04995915666222572, 0.03262457251548767, 0.003000216092914343, -0.020145896822214127, -0.00017475217464379966, -0.001482051215134561, -0.027846449986100197, -0.0372249037027359, -0.03106890432536602, 0.01230088621377945, -0.032335661351680756, -0.0325579009950161, -0.028624285012483597, 0.049648020416498184, -0.006483800709247589, -0.02026812732219696, 0.03289125859737396, -0.005728190299123526, -0.004003066103905439, -0.013778770342469215, -0.015745578333735466, 0.05609292909502983, -0.007228298578411341, 0.006761598400771618, -0.036580413579940796, -0.05018139258027077, 0.0014334366424009204, 0.027268631383776665, 0.0015834474470466375, -0.08053913712501526, -0.018001297488808632, 0.015645571053028107, -0.04004732891917229, 0.024801786988973618, 0.0013119000941514969, 0.0201681200414896, -0.03086889162659645, -0.039158377796411514, 0.017756834626197815, 0.017767947167158127, 0.042625293135643005, 0.05142592638731003, -0.008745074272155762, -0.03122447244822979, 0.008661734871566296, 0.016823435202240944, 0.01447882130742073, -0.012245326302945614, -0.016778986901044846, 0.011250810697674751, 0.021323759108781815, 0.02889097109436989, -0.0022946097888052464, -0.03209120035171509, 0.008722851052880287, 0.009761814028024673, -0.005594847723841667, -0.036269281059503555, 0.006478244438767433, 0.027802003547549248, -0.014856626279652119, 0.028046464547514915, -0.00544205866754055, 0.02206825651228428, -0.038958363234996796, 0.0010250738123431802, -0.02935766987502575, -0.019656971096992493, -0.012800922617316246, 0.009472904726862907, -0.052403774112463, 0.038691677153110504, 0.011767514050006866, 0.027846449986100197, -0.022912761196494102, 0.02191269025206566, 0.03578035533428192, -0.007383865304291248, 0.006317121908068657, 0.007889457046985626, 0.016423406079411507, -0.0041280752047896385, 0.03680265322327614, -0.009406233206391335, 0.014467708766460419, 0.016323398798704147, -0.008911753073334694, -0.014134352095425129, 0.011911969631910324, 0.03498029708862305, 0.02192380093038082, 0.02109040878713131, 0.006128219421952963, -0.009995164349675179, 0.04809235408902168, -0.024846235290169716, -0.022190487012267113, -0.017090119421482086, 0.0051642609760165215, 0.016045600175857544, 0.00790612492710352, -0.023290567100048065, -0.08622843772172928, 0.015523340553045273, 0.02093484252691269, -0.03718045726418495, -0.01882357895374298, 0.020223679021000862, 0.0262018870562315, -0.021901577711105347, -0.022601628676056862, 0.01455660443753004, 0.01855689287185669, -0.013456525281071663, -0.019190272316336632, -0.005655962973833084, 0.0002130361826857552, 0.008556172251701355, -0.006583807524293661, 0.027935346588492393, -0.021946026012301445, 0.022779418155550957, 0.04658113420009613, -0.0039002809207886457, 0.0013000937178730965, -0.026224112138152122, 0.004469766281545162, 0.001994588179513812, -0.009083988144993782, 0.006806045770645142, -0.006850493606179953, -0.04084738716483116, -0.0403362400829792, 0.000814642000477761, 0.013556532561779022, 0.02331279031932354, -0.011700843460857868, 0.018579116091132164, 0.01491218525916338, 0.011800849810242653, 0.006900497246533632, 0.0067671542055904865, -0.022523844614624977, -0.022357165813446045, -0.01685677096247673, 0.0010528536513447762, 0.014745506457984447, 0.009067320264875889, 0.026224112138152122, 0.04618110507726669, 0.03302460163831711, 0.00819503515958786, -0.023646147921681404, 0.050848107784986496, -0.004728118423372507, 0.00027745054103434086, -0.017556820064783096, -0.008656179532408714, -0.004308643750846386, 0.004486434161663055, -0.01819019950926304, 0.027268631383776665, -0.02522403933107853, 0.008389493450522423, 0.0051198131404817104, 0.018167976289987564, 0.012412005104124546, 0.02666858769953251, -0.025112921372056007, -0.00989515706896782, -0.03746936470270157, 0.02093484252691269, -0.039047256112098694, 0.05315938591957092, -0.04255862161517143, 0.027579765766859055, 0.0325579009950161, 0.00641157291829586, -0.03055775724351406, 0.018490221351385117, -0.02911320887506008, 0.037980515509843826, -0.06458242982625961, 0.027935346588492393, -0.023757267743349075, -0.008039467968046665, -0.0032530121970921755, -0.02486845850944519, -0.0036780426744371653, -0.035691458731889725, 0.02869095653295517, -0.0019862542394548655, -0.0022154373582452536, -0.017190126702189445, 0.0038975030183792114, -0.00368915474973619, 0.023601699620485306, 0.013700987212359905, -0.015501116402447224, -0.017801282927393913, 0.020290350541472435, -0.01212309580296278, -0.014678834937512875, -0.02751309424638748, 0.010000720620155334, 0.006494912318885326, -0.032446783035993576, 0.025601845234632492, -0.0009674308239482343, -0.009233999066054821, -0.004967024549841881, -0.022301606833934784, 0.013923224993050098, -0.001372321043163538, 0.0054587265476584435, 0.04978136345744133, 0.03540255129337311, 0.017023447901010513, -0.04120296984910965, 0.05138147994875908, -0.032335661351680756, 0.001643173978663981, -0.06849382072687149, 0.00713384710252285, 0.05080366134643555, 0.02280164323747158, 0.003147448878735304, 0.006372681353241205, -0.10489644855260849, -0.00409751757979393, -0.0460033155977726, -0.016501188278198242, -0.027113065123558044, -0.022268271073698997, 0.01990143395960331, -0.003733602352440357, 0.05160371959209442, 0.01891247369349003, 0.023690596222877502, -0.006200446747243404, 0.011445268988609314, 0.015856698155403137, -0.01803463324904442, 0.026024097576737404, -0.010411861352622509, -0.0222238227725029, -0.015790026634931564, 0.03911392763257027, -0.036158159375190735, 0.010067392140626907, 0.04569217935204506, 0.010406305082142353, 0.017845729365944862, -0.003894725115969777, -0.0010368803050369024, -0.028668731451034546, 0.01023407094180584, 0.004969802685081959, 0.0070227282121777534, -0.007083843927830458, 0.020134784281253815, 0.008172811008989811, -0.009484016336500645, 0.0052059306763112545, 0.055692899972200394, -0.017812393605709076, -0.007322749588638544, -0.058759789913892746, -0.020023664459586143, -0.021212639287114143, -0.04782566800713539, 0.007539432030171156, 0.04186968505382538, 0.030113279819488525, 0.0036669308319687843, 0.04078071564435959, 0.008022800087928772, -0.027424197643995285, 0.021490437909960747, 0.011434157378971577, 0.007228298578411341, 0.019401397556066513, 0.01447882130742073, 0.030491085723042488, 0.01576780341565609, -0.019212495535612106, 0.01716790348291397, 0.010706326924264431, 0.0030807775910943747, 0.015434445813298225, 0.0697828084230423, -0.032380111515522, 0.050625868141651154, -0.0009271501330658793, -0.02849094197154045, 0.024623995646834373, -0.010139619000256062, 0.01675676368176937, -0.027979793027043343, 0.0027793669141829014, -0.02217937633395195, 0.027313079684972763, 0.04358091950416565, 0.053737204521894455, -0.023246118798851967, 0.006083771586418152, 0.006833825726062059, 0.00516981678083539, -0.004094739444553852, 0.01457882858812809, -0.01082855835556984, -0.022112704813480377, -0.01637895777821541, -0.007594991475343704, 0.04135853424668312, 0.01553445216268301, -0.028090912848711014, -0.02342391014099121, -0.00896731298416853, -0.0027029726188629866, -0.011723066680133343, -0.0016612308099865913, 0.014223246835172176, -0.013845441862940788, -0.007083843927830458, 0.007922792807221413, 0.010039612650871277, 0.033891331404447556, 0.040402911603450775, 0.002371004084125161, 0.020101448521018028, -0.00363915110938251, 0.002302943728864193, -0.016878994181752205, 0.020079225301742554, 0.024957353249192238, 0.0634712427854538, -0.006294897757470608, -0.052714910358190536, 0.007289414294064045, 0.0017167903715744615, -0.004258640110492706, -0.0166456438601017, -0.02077927440404892, 0.020845945924520493, 0.012712026946246624, -0.018568003550171852, -0.03386910632252693, 0.0015556676080450416, 0.05427057668566704, -0.009200663305819035, -0.027579765766859055, -0.03791384398937225, -0.06062658876180649, 0.015790026634931564, -0.02775755524635315, 0.008278374560177326, -0.004789234139025211, -0.0032530121970921755, -0.002721029333770275, 0.04569217935204506, 0.026557469740509987, -0.03964729979634285, -0.012978713028132915, 0.037713829427957535, -0.01302316039800644, 0.011267478577792645, 0.028935417532920837, 0.023757267743349075, 0.0051198131404817104, -0.004964246414601803, -0.014245470985770226, 0.05253711715340614, 0.018156863749027252, -0.004408651031553745, -0.004958690609782934, -0.008811745792627335, 0.013989896513521671, 0.007394977379590273, 0.030668877065181732, 0.022301606833934784, -0.010356301441788673, -0.007450536824762821, 0.01530110277235508, 0.007711666636168957, -0.021234862506389618, 0.038224976509809494, 0.028002018108963966, 0.0009757647640071809, 0.006161555182188749, -0.011778626590967178, 0.011845298111438751, -0.03464693948626518, 0.010978568345308304, -0.029402118176221848, 0.04166967049241066, -0.016323398798704147, 0.00767833087593317, -0.0013591257156804204, 0.012323110364377499, 0.007672775071114302, 0.024668443948030472, -0.018623564392328262, -0.008495056070387363, -0.011778626590967178, 0.027113065123558044, -0.01483440212905407, 0.02239050157368183, 0.0005882368423044682, -0.004983692429959774, -0.03638039901852608, -0.0076949987560510635, -0.001429269672371447, 0.03893613815307617, 0.012423117645084858, 0.005158705171197653, 0.015423333272337914, -0.027735332027077675, 0.034669164568185806, 0.0055865137837827206, 0.014867737889289856, 0.044025395065546036, 0.030735548585653305, -0.037602707743644714, 0.028668731451034546, -0.0075060962699353695, 0.003055775770917535, -0.011700843460857868, -0.008133918978273869, -0.003566923551261425, 0.010050724260509014, -0.016223391517996788, 0.03511364012956619, 0.015245542861521244, 0.03193563595414162, 0.019890321418642998, -0.008906196802854538, 0.013067607767879963, 0.04204747453331947, 0.02217937633395195, -0.02366837114095688, 0.0474700853228569, 0.016678979620337486, 0.006444908678531647, 0.028824299573898315, -0.015034416690468788, 0.0029974381905049086, 0.036735981702804565, 0.012534236535429955, 0.011567500419914722, -0.010617431253194809, 0.019034704193472862, -0.003136337036266923, 0.030535534024238586, -0.0011341094505041838, 0.012567572295665741, 0.01742347702383995, 0.0028974309097975492, -0.00837282557040453, 0.013612091541290283, 0.007172739133238792, 0.01248978916555643, 0.03400244936347008, 0.0021612667478621006, -0.02244606241583824, 0.018134640529751778, -0.017967961728572845, 0.013667651452124119, -0.006661591120064259, 0.001240367186255753, 0.015134423971176147, -0.013067607767879963, 0.0122786620631814, -0.006356013473123312, 0.018523557111620903, 0.001630673068575561, 0.004997582174837589, 0.02393505722284317, 0.030379965901374817, 0.004378093406558037, -0.009295114316046238, -0.02274608239531517, -0.0229572094976902, 0.015267767012119293, -0.010578540153801441, 0.007033840287476778, -0.017756834626197815, -0.01582336239516735, -0.03369131684303284, -0.00835060141980648, 0.009400676935911179, 0.003491918323561549, -0.016823435202240944, 0.03086889162659645, -0.01793462596833706, -0.012712026946246624, 0.014312142506241798, 0.013512084260582924, 0.014901073649525642, 0.01175640244036913, 0.022146040573716164, 0.061337754130363464, 0.049292441457509995, 0.014456597156822681, -0.015756690874695778, 0.017745722085237503, 0.01736791804432869, -0.002723807469010353, 0.0015278878854587674, 0.022457173094153404, 0.016456741839647293, -0.02223493531346321, -0.0222238227725029, 0.020179232582449913, 0.009478460997343063, -0.032291214913129807, 0.013045384548604488, 0.03215787187218666, 0.014489932917058468, -0.013523196801543236, -0.01954585313796997, -0.016712315380573273, 0.002019589999690652, -0.005511508323252201, -0.010711883194744587, -0.045825522392988205, -0.02626855857670307, 0.017345694825053215, 0.0019348616478964686, 0.0230016577988863, -0.015612236224114895, 0.04160299897193909, -0.009811817668378353, 0.007289414294064045, -0.018079079687595367, 0.00476978812366724, -0.0020640376023948193, 0.015890033915638924, -0.046447791159152985, 0.014678834937512875, 0.0018140196334570646, -0.01653452403843403, -0.01222310308367014, -0.029557684436440468, -0.01680121012032032, -0.03024662286043167, -0.002197380643337965, -0.004372537136077881, -0.04351424798369408, 0.029335446655750275, 0.014423261396586895, 0.014378814026713371, -0.0006066409405320883, -0.05449281632900238, 0.04720339924097061, 0.01747903786599636, -0.0013980173971503973, 0.022168263792991638, 0.025357382372021675, -0.02362392470240593, -0.03242455795407295, 0.027824226766824722, 0.01639007031917572, -0.012645355425775051, 0.03064665198326111, -0.014789954759180546, 0.0032419003546237946, -0.01882357895374298, -0.024957353249192238, 0.016890106722712517, 0.033269062638282776, -0.04018067196011543, -0.004219748545438051, 0.0102896299213171, 0.0030918894335627556, 0.033580198884010315, 0.01106190774589777, 0.012245326302945614, -0.0008090860792435706, -0.021412653848528862, -0.016934553161263466, 0.004444764461368322, -0.017301246523857117, -0.0021584888454526663, 0.004244750365614891, 0.02889097109436989, 0.016979001462459564, -0.0035474777687340975, -0.005419834982603788, -0.0039419508539140224, 0.0019362505991011858, 0.02806868962943554, -0.005444836802780628, 0.014223246835172176, 0.028290927410125732, -0.029913267120718956, -0.04369203746318817, -0.008639511652290821, 0.045781075954437256, -0.001898747868835926, 0.03366909176111221, 0.0381360799074173, 0.014878849498927593, 0.016201166436076164, 0.03322461619973183, -0.03766937926411629, -0.0059837643057107925, 9.905227489070967e-05, -0.03829164803028107, 0.0037502702325582504, 0.03629150241613388, -0.045781075954437256, 0.0166456438601017, -0.030202176421880722, -0.01021184679120779, 0.00511703547090292, 0.01799018494784832, 0.005003138445317745, 0.02822425588965416, -0.0007010921835899353, -0.013800994493067265, 0.012289774604141712, 0.04242527857422829, 0.0004330172960180789, 0.007567211985588074, -0.01321206334978342, -0.006928276736289263, 0.03169117122888565, -0.0011410544393584132, 0.03478028252720833, -0.010945232585072517, 0.00862839911133051, -0.018067969009280205, -0.0012473120586946607, 0.00013907252287026495, 0.005461504682898521, 0.011356373317539692, 0.022779418155550957, -0.005375387147068977, 0.04555883631110191, 0.0007701943977735937, -0.009178439155220985, -0.00824503879994154, -0.025135144591331482, 0.03206897899508476, 0.021946026012301445, 0.010195178911089897, 0.0027529760263860226, -0.011156359687447548, 0.0051198131404817104, -0.004939244594424963, 0.0094895726069808, -0.0002092164650093764, 0.018679123371839523, -0.030202176421880722, 0.005955984815955162, 0.014023232273757458, -0.01680121012032032, 0.03195785731077194, -0.002493235282599926, -0.014501044526696205, 0.015467780642211437, -0.029246551916003227, 0.020968178287148476, -0.0380471870303154, -0.011900857090950012, 0.05427057668566704, -0.01711234450340271, -0.022623851895332336, 0.02615744061768055, 0.013445412740111351, -0.024735115468502045, 0.03606926649808884, -0.013378742150962353, -0.021101519465446472, 0.0018112416146323085, 0.05867089331150055, -0.033380184322595596, 0.05524842441082001, -0.0013757935957983136, -0.007467204704880714, -0.016267837956547737, 5.035084996052319e-06, -0.02517959102988243, 0.005872645415365696, 0.023179447278380394, -0.0028029796667397022, 0.02869095653295517, -0.006972724571824074, 0.03542477637529373, -0.008239482529461384, -0.008639511652290821, -0.0041308533400297165, 0.029246551916003227, -0.011956417001783848, -0.008695070631802082, -0.0038613893557339907, 0.02755754068493843, 0.02673525922000408, 0.022501621395349503, 0.00016303258598782122, -0.012834258377552032, 0.048625726252794266, 0.029868818819522858, 0.01794573664665222, -0.0020626485347747803, 0.0005424001719802618, 0.01090634148567915, 0.0134676368907094, 0.01627895049750805, -0.005978208500891924, 0.009056207723915577, -0.006350457668304443, 0.017612380906939507, -0.009378453716635704, -0.027579765766859055, 0.01819019950926304, 0.02557962015271187, 0.0102896299213171, 0.01649007759988308, -0.027157511562108994, -0.028002018108963966, -0.01597892865538597, -0.025824083015322685, 0.04522548243403435, 0.012111984193325043, 0.014378814026713371, 0.0028752072248607874, -0.010206290520727634, -0.0021473770029842854, 0.00917288288474083, -0.01937917433679104, 0.003189118579030037, 0.07058286666870117, 0.0049725803546607494, -0.010456308722496033, 0.010795222595334053, -0.025601845234632492, 0.019156936556100845, -0.023490581661462784, 0.012589795514941216, 0.008783966302871704, -0.005694854538887739, 0.006122663151472807, -0.008750630542635918, -0.04733674228191376, -0.03086889162659645, 0.005347607657313347, 0.011117467656731606, 0.033269062638282776, 0.003569701686501503, 0.013167615048587322, 0.0035252540837973356, -0.023868385702371597, -0.015167759731411934, -0.019623635336756706, 0.011178582906723022, -0.0364915169775486, 0.012467565014958382, 0.008489500731229782, -0.0033113497775048018, -0.02817980758845806, 0.010295186191797256, 0.008445053361356258, 0.020045889541506767, -0.014712170697748661, 0.0002368226123508066, 0.005644851364195347, 0.022779418155550957, 0.014356589876115322, 0.032380111515522, 0.0034558044280856848, -0.007150514982640743, 0.001265368890017271, 0.03231343999505043, -0.029602132737636566, 0.016945665702223778, -0.0317356213927269, -0.0053114937618374825, -0.01023407094180584, -0.00040245955460704863, -0.015445557422935963, -0.019368061795830727, 0.014223246835172176, -0.01913471147418022, -0.016690092161297798, -0.008328378200531006, -0.0036308171693235636, 0.009083988144993782, -0.004514214117079973, -0.040447358042001724, 0.02429063990712166, -0.016823435202240944, 0.0062837861478328705, 0.015056639909744263, -0.008045024238526821, -0.0004864933725912124, 0.010622987523674965, -0.042980875819921494, -0.0037669381126761436, 0.016523413360118866, 0.00665603531524539, -0.02207936905324459, -0.004880907014012337, 0.0022557179909199476, 0.03060220554471016, -0.025424053892493248, 0.04951467737555504, 0.023690596222877502, 0.01923471875488758, -0.000461491581518203, 0.011734179221093655, -0.00591709278523922, -0.013656539842486382, 0.001003544544801116, -0.026335230097174644, -0.03555811569094658, -0.012678691186010838, -0.05524842441082001, -0.004808679688721895, -0.013534308411180973, 0.011611947789788246, -0.028157584369182587, -0.033935777842998505, 0.02366837114095688, 0.04120296984910965, -0.020190343260765076, 0.00894508883357048, -0.01354542002081871, 0.004755898378789425, -0.03629150241613388, -0.01970141939818859, 0.0019195827189832926, -0.006689371075481176, 0.002177934627979994, -0.01021184679120779, -0.013245399110019207, -0.030024385079741478, -0.055959586054086685, 0.007972796447575092, -0.010750774294137955, 0.00135982024949044, 0.022190487012267113, 0.06333789974451065, 0.021579332649707794, 0.018523557111620903, -0.02429063990712166, -0.0005663602496497333, -0.005939316935837269, 0.02880207449197769, -0.01637895777821541, 0.02915765717625618, 0.0011827241396531463, 0.007761670276522636, -0.00014176368131302297, -0.027979793027043343, 0.01483440212905407, -0.013856553472578526, 0.0002593936806079, -0.051825955510139465, 0.006055992096662521, 0.018990257754921913, 0.01321206334978342, -0.001697344472631812, -0.008061692118644714, 0.0026543578132987022, 0.03060220554471016, -0.009772926568984985, -0.005569845903664827, -0.006567139644175768, 0.01953474059700966, 0.0075116525404155254, -0.005153148900717497, 0.04698116332292557, -0.0035363659262657166, -0.0074005331844091415, 0.06044879928231239, -0.010306297801434994, -0.014689947478473186, 0.005850421730428934, -0.021545996889472008, 0.05044807866215706, 0.021779347211122513, -0.02982437051832676, -0.011989752762019634, -0.0007750558434054255, 0.004525326192378998, 0.016212278977036476, -0.009189550764858723, 0.009334005415439606, 7.305213512154296e-05, -0.010556316003203392, -0.011089688166975975, -0.007561655715107918, 0.003650262951850891, -0.04333645477890968, 0.02015700750052929, 0.024023953825235367, -0.009278446435928345, -0.00897286832332611, 0.03138003870844841, -0.017556820064783096, 0.027379751205444336, -0.013345406390726566, -0.020457029342651367, -0.011156359687447548, 0.03260234743356705, -0.044069841504096985, -0.03426913544535637, 0.047425638884305954, 0.0074005331844091415, 0.03024662286043167, -0.037558261305093765, 0.006017100065946579, -0.0018612452549859881, 0.01537888590246439, -0.0003482889733277261, -0.011545276269316673, -0.0019306946778669953, -0.01338985376060009, -0.006233782507479191, -0.01276758685708046, 0.01028407458215952, -0.04126964136958122, -0.040447358042001724, 0.022512733936309814, 0.022346055135130882, -0.007011616136878729, 0.0047225626185536385, -0.022679410874843597, -0.003514142008498311, -0.02186824195086956, 0.011723066680133343, -0.04858127981424332, 0.015778914093971252, 0.023023881018161774, -0.036624860018491745, 0.006950500886887312, 0.005325383506715298, 0.020545924082398415, 0.024068400263786316, -0.003916949033737183, 0.009800706058740616, -0.02274608239531517, 0.0134676368907094, 0.018945809453725815, -0.008445053361356258, 0.04084738716483116, 0.043914273381233215, -0.017756834626197815, -0.0018279094947502017, 0.004219748545438051, 0.01980142667889595, 0.005183706991374493, 0.03191341087222099, -0.010334078222513199, -0.03178006783127785, 0.007339417468756437, -0.008411717601120472, -0.016834545880556107, -0.08293931186199188, -0.010106283240020275, 0.02223493531346321, 0.019834762439131737, 0.04193635657429695, -0.0015931703383103013, -0.0060893273912370205, 0.022412726655602455, -0.0066226995550096035, -0.004444764461368322, -0.012912041507661343, -0.0008799245115369558, -0.011267478577792645, -0.027468645945191383, 0.014667723327875137, 0.0069116088561713696, -0.018801353871822357, -0.0230016577988863, 0.041891906410455704, 0.02600187249481678, -0.007633883506059647, 0.035647012293338776, -0.006867161486297846, 0.03433580696582794, -0.011211918666958809, -0.006778266280889511, -0.01627895049750805, 0.004553105682134628, -0.01872357167303562, 0.02362392470240593, 0.018112415447831154, 0.021379318088293076, -0.008678402751684189, -0.011195250786840916, 0.013912113383412361, 0.009578468278050423, 0.012645355425775051, 0.027113065123558044, 0.009595136158168316, -0.007394977379590273, 0.04420318454504013, 0.004039179999381304, -0.01237866934388876, -0.006678259000182152, -0.021634891629219055, -0.04684782028198242, 0.02041258104145527, 0.014067680574953556, 0.022134928032755852, -0.001816797535866499, -0.029335446655750275, 0.02011256106197834, 0.04393649846315384, -0.0031946746166795492, 0.007450536824762821, 0.016345622017979622, -0.016423406079411507, -0.018223535269498825, -0.011050796136260033, -0.004683670587837696, 0.004444764461368322, -0.00492257671430707, -0.0027001944836229086, -0.0023001658264547586, -0.023912834003567696, -0.0005330244894139469, 0.021379318088293076, 0.005478172563016415, -0.005280936136841774, 0.01834576576948166, -0.06111551448702812, -0.012789810076355934, 0.050225842744112015, -0.02109040878713131, -0.029090985655784607, -0.015601123683154583, -0.03275791555643082, -0.0006021267035976052, 0.018801353871822357, 0.02165711671113968, -0.004789234139025211, -0.01175640244036913, -0.0405140295624733, -0.001138276420533657, 0.002019589999690652, 0.016790099442005157, -0.001643173978663981, 0.019101375713944435, 0.055604007095098495, -0.01165639515966177, -0.029246551916003227, 0.021634891629219055, -0.005072587635368109, 0.0021209861151874065, 0.013534308411180973, -0.03851388767361641, 0.017745722085237503, -0.0316467247903347, 0.03918059915304184, 0.01393433753401041, 0.012156431563198566, 0.0017348472028970718, 0.001939028617925942, -0.005347607657313347, 0.00339191104285419], "9d3ab415-92f1-4d4c-ada2-3df199495f44": [-0.003709285520017147, 0.02889273874461651, 0.052851974964141846, 0.0005827241693623364, -0.031676992774009705, 0.022115278989076614, -0.011063745245337486, -0.0075345817022025585, -0.02497280202805996, 0.038539934903383255, 0.04371767118573189, -0.07497946918010712, -0.06648016721010208, -0.019917184486985207, 0.07537023723125458, -0.0014547115424647927, -0.022957881912589073, -0.05290082097053528, -0.07693333178758621, 0.015350030735135078, 0.029185818508267403, 0.07229290902614594, -0.042203426361083984, 0.009299163706600666, 0.015227914787828922, -0.036610495299100876, -0.03602433577179909, -0.015301184728741646, 0.027134263888001442, 0.010227248072624207, 0.000985326711088419, -0.010288306511938572, -0.030529098585247993, -0.00392909487709403, -0.04486556351184845, 0.010734030976891518, -0.06623592972755432, 0.020625459030270576, 0.0242034699767828, -0.03350874036550522, -0.0013226731680333614, 0.022567110136151314, 0.030455829575657845, -0.005046459846198559, 0.0008151269285008311, 0.05109350010752678, 0.003803925821557641, 0.00489076180383563, -0.005788316950201988, 0.029869670048356056, -0.038149163126945496, 0.0033856770023703575, 0.0011753703001886606, 0.02105286717414856, 0.0604720376431942, 0.023519618436694145, -0.0050922539085149765, 0.006105819717049599, -0.018305247649550438, -0.03499855846166611, -0.01913563907146454, 0.009115989319980145, -0.003632962703704834, 0.019990453496575356, -0.026279447600245476, 0.013835787773132324, -0.04286285489797592, 0.0066431318409740925, 0.022322876378893852, -0.0010746242478489876, 0.00969604216516018, 0.0533892884850502, 0.029381204396486282, 0.00965940672904253, -0.02362952195107937, -0.021932104602456093, 0.025204824283719063, -0.012553565204143524, 0.011985723860561848, -0.025595596060156822, -0.009311375208199024, -0.07341637462377548, -0.017999956384301186, -0.014995893463492393, -5.280580080579966e-05, -0.017303893342614174, -0.047210197895765305, -0.01861053891479969, -0.04637980833649635, -0.025913098827004433, -0.03375297039747238, 0.07576101273298264, -0.04186150059103966, 0.01803659088909626, -0.00730256037786603, -0.014519639313220978, -0.0432780496776104, 0.0032666134648025036, 0.00582495192065835, 0.05964164808392525, 0.05255889520049095, -0.013212993741035461, -0.021907681599259377, -0.018647173419594765, 0.05602700263261795, 0.026401564478874207, -0.016583407297730446, 0.030529098585247993, 0.012352073565125465, -0.05089811235666275, -0.04703923687338829, 0.002572076627984643, -0.0004277889966033399, 0.002251520985737443, 0.029625438153743744, 0.014715025201439857, -0.034119319170713425, -0.05710162594914436, -0.019465353339910507, -0.040860146284103394, -0.019111216068267822, 0.01791447587311268, -0.021871047094464302, -0.06604054570198059, -0.0343879759311676, -0.009280846454203129, 0.019734010100364685, 0.018256401643157005, 0.013335110619664192, 0.013237417675554752, 0.027549458667635918, 0.012272697873413563, 0.01925775595009327, -0.016265904530882835, -0.007742179557681084, 0.019880549982190132, 0.01657119393348694, -0.026230601593852043, -0.09251537919044495, -0.029698707163333893, 0.017438221722841263, 0.0013226731680333614, -0.021150559186935425, 0.02830658107995987, 0.015826284885406494, 0.019685162231326103, -0.011906348168849945, 0.00173252634704113, -0.0025629177689552307, -0.04535403102636337, 0.01126523781567812, -0.008511512540280819, -0.01450742781162262, 0.013738094829022884, -0.011460623703897, -0.028013501316308975, -0.00924421101808548, 0.0232998076826334, -0.01132629532366991, 0.013200782239437103, -0.03150603175163269, 0.012956549413502216, 0.026621373370289803, 0.012529142200946808, 0.005403650458902121, -0.04691711813211441, -0.0006296626524999738, 0.02149248495697975, -0.03287373483181, -0.014458580873906612, -0.07747063785791397, -0.02598636969923973, -0.04095783829689026, 0.001250166562385857, 0.038222432136535645, -0.0021751984022557735, 0.007925353944301605, -0.07483292371034622, 0.04320478066802025, -0.0216390248388052, -0.008713005110621452, -0.0050922539085149765, -0.007516263984143734, -0.02174893021583557, 0.012736739590764046, -0.02489953301846981, -0.030724484473466873, 0.06257244199514389, -0.037904929369688034, 0.019672950729727745, 0.033411044627428055, -0.013945692218840122, 0.008029152639210224, -0.05768778547644615, -0.07019250094890594, -0.04777193441987038, 0.02336086705327034, 0.018244190141558647, -0.013237417675554752, -0.00027819641400128603, -0.009061036631464958, 0.011527787894010544, 0.03143275901675224, 0.05441506579518318, -0.00484802108258009, -0.0002652215480338782, -0.007925353944301605, 0.009012189693748951, 0.03153045475482941, -0.004274073988199234, 0.07287906110286713, -0.01778014749288559, -0.00863362941890955, 0.04725904390215874, -0.023446347564458847, 0.00969604216516018, -0.036879152059555054, 0.02798907831311226, -0.01898909918963909, -0.0006411110516637564, 0.0354381762444973, -0.005724206101149321, 0.014226560480892658, 0.014141079038381577, -0.014959258027374744, 0.042716316878795624, 0.0363418385386467, 0.0070339045487344265, 0.00947012659162283, -0.06643132120370865, 0.00872521661221981, 0.04198361560702324, -0.034754324704408646, 0.026401564478874207, 0.025302516296505928, -0.026645798236131668, 0.018305247649550438, -0.003214714117348194, -0.05260774493217468, -0.008206222206354141, 0.013237417675554752, 0.020759787410497665, 0.01944093033671379, 0.01828082464635372, -0.006374476011842489, 0.007510158233344555, -0.024789627641439438, -0.046624038368463516, 0.0310664102435112, -0.04452363774180412, 0.008914496749639511, 0.04513422027230263, 0.019856125116348267, -0.018781501799821854, -0.020833056420087814, -0.028062347322702408, 0.005788316950201988, 0.041299764066934586, -0.002477436326444149, -0.04022514075040817, 0.0070339045487344265, 0.005800528917461634, -0.03734319284558296, 0.042716316878795624, -0.04865117371082306, 0.006041708867996931, -0.010379893705248833, 0.005061724688857794, 0.011765914969146252, 0.04935944825410843, -0.002535441657528281, 0.03255623206496239, 0.022176336497068405, 0.029185818508267403, -0.016400231048464775, 0.020894115790724754, 0.008700793609023094, -0.018195342272520065, -0.0184762105345726, -0.046184420585632324, -0.050800420343875885, -0.03734319284558296, -0.008896179497241974, 0.03580452874302864, 0.031481605023145676, -0.0008700793259777129, 0.019526410847902298, 0.021065078675746918, -0.016449078917503357, 0.03575567901134491, 0.004414507653564215, -0.02913697250187397, -0.007632274646311998, -0.03499855846166611, 0.04786962643265724, -0.01669331081211567, 0.0020866638515144587, -0.02991851605474949, 0.025180401280522346, 0.026035215705633163, -0.0043809255585074425, 0.028086770325899124, -0.008774062618613243, 0.004612946882843971, -0.01956304721534252, -0.010923311114311218, 0.017426010221242905, -0.03143275901675224, -0.018024379387497902, -0.002888052724301815, 0.06809210032224655, -0.005931803956627846, -0.004747274797409773, -0.0370989590883255, -0.010880570858716965, -0.02566886693239212, 7.818311132723466e-05, 0.004313761834055185, 0.011118697933852673, -0.014531850814819336, 0.012181110680103302, -0.00788871943950653, -0.02155354432761669, -0.005895168986171484, 0.009641089476644993, 0.041739385575056076, -0.016412444412708282, -0.018341882154345512, -0.0370989590883255, 0.06989942491054535, -0.027818115428090096, -0.005684518255293369, 0.0017844258109107614, -0.002089716726914048, 0.021529121324419975, 0.040151871740818024, -0.019465353339910507, 0.009897533804178238, -0.009036613628268242, -0.029405627399683, -0.021407004445791245, -0.051581963896751404, 0.03863762691617012, -0.011448412202298641, 0.005348698236048222, -0.047210197895765305, 0.031921226531267166, 0.043619975447654724, 0.05031195655465126, 0.05461045354604721, -0.0028743145521730185, -0.00045373872853815556, -0.030211595818400383, 0.018085438758134842, 0.03079775534570217, 0.0180976502597332, 0.009274739772081375, -0.05011656880378723, -0.03741646185517311, 0.011527787894010544, -0.052216969430446625, -0.009671618230640888, 0.01123470813035965, 0.028795046731829643, 0.034168168902397156, 0.037123385816812515, -0.06540554016828537, -0.04452363774180412, -0.01629032753407955, -0.019660739228129387, 0.01828082464635372, -0.018024379387497902, -0.02310442179441452, -0.00766890961676836, -0.05544084310531616, 0.007369724567979574, 0.03702569007873535, 0.03118852712213993, 0.016388019546866417, 0.01933102495968342, 0.06398899108171463, -0.04278958588838577, -0.01630253903567791, -0.04762539267539978, 0.027305226773023605, 0.03624414652585983, -0.0006216487963683903, -0.008474878035485744, 0.012333756312727928, -0.010801195167005062, 0.010147872380912304, -0.016131576150655746, 0.014177713543176651, -0.009189258329570293, 0.06555207818746567, -0.004246597643941641, -0.005370068363845348, 0.04481671750545502, 0.04256977513432503, -0.03204334154725075, 0.008053576573729515, -0.02399587258696556, -0.0456959567964077, -0.005351751111447811, -0.0159850362688303, 0.007760496810078621, -0.00936632789671421, 0.0006140164914540946, 0.03824685513973236, -0.030773332342505455, 0.024606453254818916, -0.05128888785839081, 0.009067142382264137, -0.023531829938292503, 0.0035627458710223436, -0.09412731975317001, 0.040347255766391754, 0.049701374024152756, -0.015826284885406494, -0.06965519487857819, 0.022310664877295494, -0.013506073504686356, 0.015301184728741646, 0.0124802952632308, -0.041739385575056076, 0.0025278094690293074, -0.02901485562324524, -0.0076444861479103565, 0.019306601956486702, -0.051435425877571106, -0.009586136788129807, 0.023763850331306458, -0.0026087115984410048, -0.028404273092746735, 0.010807300917804241, 0.016546770930290222, 0.03477874770760536, -0.020649882033467293, -0.04103110730648041, 0.01817091926932335, 0.00043542127241380513, -0.005156364757567644, -0.01873265579342842, -0.0015753015177324414, -0.05495237931609154, 0.013518285006284714, -0.002594973426312208, 0.0077299680560827255, 0.006496592424809933, 0.013237417675554752, -0.021919893100857735, 0.01386021077632904, 0.04523191228508949, 0.103457011282444, -0.0484069399535656, -0.016546770930290222, 0.05607584863901138, 0.013579343445599079, -0.03897955268621445, -0.04806501418352127, -0.0008532883366569877, 0.03541375324130058, 0.05807855725288391, 0.009702147915959358, 0.0197584331035614, 0.002585814567282796, -0.01970958709716797, 0.04308266565203667, -0.0404205285012722, 0.005299851763993502, 0.005348698236048222, 0.0484069399535656, 0.05104465410113335, -0.008175692521035671, -0.02040565013885498, 0.0007552136084996164, -0.001999655971303582, -0.02311663329601288, -0.004377872683107853, -0.024752993136644363, 0.016534559428691864, -0.05729701370000839, -0.040200717747211456, -0.047210197895765305, 0.04467017576098442, 0.004554941318929195, -0.0319700725376606, 0.008743533864617348, -0.00808410532772541, 0.030333712697029114, 0.020503342151641846, 0.007241502404212952, 0.031481605023145676, -0.011460623703897, -0.0159850362688303, -0.06149781495332718, -0.05309620872139931, 0.012675682082772255, -0.000620885519310832, 0.021919893100857735, -0.0841626226902008, -0.03284931182861328, 0.011759809218347073, -0.026230601593852043, 0.018793713301420212, 0.0084077138453722, 0.003190290881320834, -0.06604054570198059, -0.020942961797118187, 0.004243544768542051, 0.03756300359964371, 0.027769267559051514, 0.034241437911987305, -0.00966551247984171, -0.016778793185949326, 0.033923935145139694, -0.02085747942328453, -0.0043870313093066216, -0.020955173298716545, -0.0053761741146445274, 0.005232687573879957, -2.513880463084206e-05, -0.008981660939753056, -0.009293057955801487, -0.024618664756417274, -0.008035258390009403, 0.0013501493958756328, -0.006685872562229633, -0.014153290539979935, 0.018134284764528275, 0.0037672908511012793, -0.017291681841015816, 0.028721775859594345, -0.013176359236240387, 0.01931881345808506, -0.03797819837927818, 0.003733708756044507, -0.030065055936574936, -0.011625480838119984, 0.011533893644809723, -0.006862941198050976, -0.008261173963546753, 0.043619975447654724, 0.0006876679253764451, 0.03126179799437523, 0.00651490967720747, 0.009488443844020367, 0.027451764792203903, -0.0013173306360840797, -0.010856147855520248, -0.0010639390675351024, 0.0022164126858115196, 0.012761163525283337, -0.0010440951446071267, -0.0054097562097013, 0.03599991276860237, 0.02676791325211525, -0.03004063293337822, -0.015740802511572838, 0.011900242418050766, 0.04794289544224739, 0.021077290177345276, 0.00385887804441154, -0.008841226808726788, -0.026328295469284058, 0.04183707758784294, -0.023959236219525337, -0.03343546763062477, 0.00892670825123787, 0.015960613265633583, 0.029601015150547028, 0.00015598461322952062, -0.02227403037250042, -0.07976642996072769, -0.006862941198050976, -0.0026758755557239056, -0.01925775595009327, -0.010141766630113125, 3.918696165783331e-05, -0.005492184776812792, -0.02278691902756691, -0.026621373370289803, 0.017572550103068352, 0.03568241000175476, -0.003770343726500869, -0.004945714026689529, -0.02382490783929825, -0.02772042155265808, -0.0079558826982975, -0.0056967297568917274, 0.003602433716878295, -0.014690602198243141, -0.02220076136291027, 0.05661316215991974, 0.010117343626916409, 0.04950598627328873, -0.01693754456937313, -0.0016531506553292274, -0.0030101691372692585, 0.01694975607097149, 0.01196740660816431, 0.007125491742044687, -0.03079775534570217, -0.025693289935588837, -0.011692645028233528, 0.019587470218539238, 0.012260486371815205, -0.027305226773023605, -0.0005338776390999556, -0.002639240585267544, 0.02933235839009285, 0.014116655103862286, 0.015691956505179405, -0.002477436326444149, 0.006405004765838385, -0.007259819656610489, 0.010605809278786182, 0.009921956807374954, -0.008248962461948395, 0.03367970138788223, 0.014934835024178028, -0.0006205039098858833, 0.047210197895765305, -0.02823331020772457, 0.0585181750357151, -0.0019248597091063857, -0.03035813570022583, -0.018854770809412003, 0.012687893584370613, -0.01675437018275261, 0.0108195124194026, -0.036488380283117294, 0.02657252736389637, -0.02067430503666401, -0.0004117612261325121, 0.02547347918152809, -0.0012226904509589076, 0.005055618938058615, -0.01011123787611723, -0.03236084431409836, 0.006331735290586948, -0.037440888583660126, 0.020881904289126396, -0.024215681478381157, 0.03226315230131149, -0.04679500311613083, 0.025839829817414284, 0.05314505472779274, 0.004441983997821808, -0.013090877793729305, -0.019172273576259613, -0.03614645451307297, 0.05441506579518318, -0.056320082396268845, 0.026352718472480774, -0.02091853879392147, -0.022603744640946388, 0.019343236461281776, -0.016986390575766563, -0.011912453919649124, -0.031799107789993286, -0.0027827273588627577, -0.024875110015273094, -0.021004019305109978, -0.033850666135549545, 0.02085747942328453, -0.02155354432761669, 0.017938898876309395, -0.001970653422176838, -0.0025827616918832064, -0.06325629353523254, 0.029063701629638672, -0.018915830180048943, -0.019489776343107224, -0.03766069561243057, -0.00600202102214098, 0.0005888299783691764, -0.04921290650963783, 0.038539934903383255, -0.010972158052027225, -0.012822221964597702, -0.021407004445791245, -0.03275161609053612, -0.012205533683300018, -0.006154666189104319, -0.023055575788021088, 0.024679724127054214, 0.020759787410497665, 0.006441639736294746, -0.01918448507785797, 0.04227669537067413, -0.03585337474942207, 0.015374453738331795, -0.0672617107629776, 0.015044739469885826, 0.038149163126945496, 0.002619396662339568, -0.010904993861913681, 0.0026758755557239056, -0.07307445257902145, -0.012358179315924644, -0.03631741553544998, 0.007076645269989967, -0.04821155220270157, -0.025595596060156822, 0.0034558940678834915, 0.007412465289235115, 0.06809210032224655, 0.022127490490674973, 0.015447723679244518, -0.010221142321825027, -0.0018622750649228692, 0.01007460243999958, 6.72594178467989e-05, 0.0092381052672863, 0.013261840678751469, 0.004982348997145891, -0.006637026090174913, 0.02406914159655571, -0.031676992774009705, 0.0070339045487344265, 0.059202030301094055, -0.010282200761139393, -0.003257454838603735, -0.0017538967076689005, 0.01084393635392189, -0.03663491830229759, 0.0039352006278932095, 0.011851396411657333, -0.017438221722841263, -0.015594263561069965, 0.01674215868115425, -0.024093564599752426, -0.018561692908406258, -0.012541353702545166, 0.045866917818784714, -0.0023660052102059126, -0.023263173177838326, -0.05026310682296753, -0.011307978071272373, -0.011417882516980171, -0.052021585404872894, -0.00489381467923522, 0.02613290771842003, 0.02316547930240631, -0.00757121667265892, 0.03328892961144447, -0.017877839505672455, -0.025180401280522346, 0.01738937385380268, 0.011717068031430244, 0.009488443844020367, 0.007473523262888193, 0.008456560783088207, 0.025571173056960106, -0.0076444861479103565, -0.018818136304616928, 0.013335110619664192, 0.00956781953573227, 0.0005693676648661494, 0.008120739832520485, 0.0687759518623352, -0.033215660601854324, 0.03741646185517311, 0.030309289693832397, -0.012254380621016026, 0.007113280240446329, -0.0005903564742766321, 0.04879771173000336, -0.03482759743928909, 0.004274073988199234, -0.023067787289619446, 0.02355625294148922, 0.039174940437078476, 0.06584516167640686, -0.02067430503666401, 0.017987744882702827, 0.0010341731831431389, -0.023800484836101532, 0.02316547930240631, 0.02605963870882988, 0.0008448928128927946, -0.022896824404597282, -0.005394491832703352, -0.01514243334531784, 0.013945692218840122, -0.02791580744087696, -0.0321166105568409, -0.03079775534570217, -0.014763872139155865, 0.004655687604099512, -0.008578676730394363, 0.004167221952229738, -0.020198050886392593, -0.003739814506843686, 0.009543396532535553, -0.008810698054730892, -0.02913697250187397, 0.02060103602707386, 0.06076511740684509, -0.0017523702699691057, 0.012541353702545166, 0.0056417775340378284, 0.011045427992939949, -0.04711250588297844, 0.025961944833397865, 0.019550835713744164, 0.0671151727437973, -0.002781200921162963, -0.008835121057927608, -0.011936877854168415, -0.008175692521035671, 0.004264914896339178, -0.0034375765826553106, -0.004213015548884869, 0.0363418385386467, 0.0211871936917305, 0.00381003157235682, -0.03326450660824776, -0.008908390998840332, 0.03138391301035881, -0.005095306783914566, -0.019294390454888344, -0.016155999153852463, -0.027549458667635918, 0.009580031037330627, -0.04164168983697891, -0.011942983604967594, 0.008004729636013508, -0.008096316829323769, -0.003727603005245328, 0.0028911055997014046, 0.02342192456126213, -0.04010302573442459, -0.022420570254325867, 0.03221430629491806, -0.027256378903985023, 0.01604609377682209, 0.004811386112123728, -0.0015119536546990275, 0.01168043352663517, 0.003190290881320834, -0.04486556351184845, 0.04879771173000336, 0.012315438129007816, -0.00493960827589035, -0.007015586830675602, -0.023067787289619446, -0.009793735109269619, -0.016827639192342758, 0.029698707163333893, 0.009183152578771114, 0.00901829544454813, 0.010282200761139393, 0.007693333085626364, -0.003846666542813182, 0.0032421902287751436, 0.013457226566970348, 0.0073880418203771114, -0.008383290842175484, -0.02361731044948101, -0.03897955268621445, 0.024105776101350784, -0.020234687253832817, 0.020771998912096024, -0.044010747224092484, 0.03810031712055206, 0.0021706188563257456, 0.026474835351109505, -0.00946402084082365, 0.021736718714237213, 0.0037917140871286392, -0.00499150762334466, 0.0015707220882177353, 0.007998623885214329, 0.014763872139155865, 0.044328249990940094, 0.005959280300885439, 0.008450454100966454, -0.0070888567715883255, -0.01732831634581089, -0.04679500311613083, -0.02382490783929825, -0.0034925288055092096, 0.026328295469284058, -0.012175004929304123, 0.004912131931632757, 0.003941306844353676, -0.03580452874302864, 0.02547347918152809, -0.01939208433032036, 0.013786940835416317, 0.03306911885738373, 0.01261462364345789, -0.04628211259841919, 0.031164104118943214, -0.01605830527842045, 0.005318169016391039, -0.005745576228946447, -0.003739814506843686, -0.014177713543176651, 0.0033795712515711784, -0.004191645421087742, 0.0232998076826334, 0.0016210951143875718, 0.03858878090977669, -0.010385999456048012, -0.015398877672851086, 0.02862408384680748, 0.022054221481084824, -0.021736718714237213, -0.011075956746935844, 0.06525900214910507, -0.0009372433414682746, -0.006850729696452618, 0.015447723679244518, -0.01174149103462696, -0.014153290539979935, 0.025888675823807716, 0.0129321264103055, 0.00730256037786603, -0.007259819656610489, 0.04176380857825279, -0.005034248344600201, 0.04596460983157158, -0.0003611973952502012, 0.02933235839009285, 0.013054242357611656, 0.013677036389708519, -0.01745043322443962, 0.01132629532366991, -0.017084084451198578, 0.02072315290570259, 0.010892782360315323, 0.004811386112123728, -0.00984868686646223, -0.004796121269464493, -0.013005396351218224, 0.013066453859210014, -0.019990453496575356, 0.002019499894231558, -0.025375787168741226, -0.04943271726369858, 0.012284909375011921, 0.015179067850112915, 0.00494266115128994, -0.005547137465327978, 0.008914496749639511, 0.021284887567162514, 0.01011123787611723, -0.010117343626916409, -0.015459936112165451, 0.005840216763317585, -0.033411044627428055, 0.009409068152308464, -0.007198761682957411, -0.008792380802333355, -0.00978152360767126, 0.010795089416205883, -0.050800420343875885, 0.0012997763697057962, -0.010508115403354168, 0.012272697873413563, -0.014165502041578293, 0.024362221360206604, -0.03170141577720642, 0.0001510236324975267, 0.01030051801353693, 0.02047891914844513, 0.016461290419101715, 0.007442994508892298, 0.011924666352570057, 0.04144630581140518, 0.02605963870882988, 0.027818115428090096, -0.01597282476723194, -0.016522347927093506, 0.014580697752535343, 0.02016141638159752, 0.006182142533361912, -0.017426010221242905, -0.001447079237550497, -0.008767956867814064, -0.021101713180541992, 0.012797798030078411, 0.022884612902998924, -0.004222174175083637, 0.0026239759754389524, 0.033093541860580444, 0.012376496568322182, 0.010337152518332005, -0.027354072779417038, -0.01803659088909626, -0.014128866605460644, 0.012016253545880318, -0.030382558703422546, -0.036097604781389236, -0.01821976527571678, 0.02613290771842003, 0.007137703243643045, 0.021468061953783035, 0.007272031158208847, 0.033215660601854324, -0.0003030013176612556, 0.04198361560702324, 0.022225184366106987, 0.005180788226425648, 0.014446369372308254, 0.010727925226092339, -0.05675970017910004, 0.03284931182861328, -0.009634983725845814, -0.029039278626441956, -0.015960613265633583, 0.014128866605460644, -0.023922601714730263, -0.012272697873413563, -0.0042771268635988235, 0.006765248253941536, -0.04420613497495651, 0.045158643275499344, 0.02637714147567749, 0.002034764504060149, -0.016961967572569847, -0.03998090699315071, 0.0336308553814888, 0.007217078935354948, -0.019868336617946625, 0.03780723735690117, -0.004322920460253954, -0.02613290771842003, -0.03797819837927818, 0.009512866847217083, 0.012284909375011921, -0.015911765396595, 0.01123470813035965, -0.029796401038765907, -0.005528819747269154, 0.014287617988884449, -0.04242323711514473, 0.030455829575657845, 0.011790337972342968, -0.04379094019532204, 0.01524012628942728, 0.011478940956294537, 0.015582052059471607, 0.010099025443196297, -0.006899576168507338, -0.005840216763317585, 0.0004926633555442095, -0.00493960827589035, -0.028599658980965614, 0.006386687513440847, 0.010349364951252937, 0.0035993808414787054, 0.011210285127162933, 0.04769866541028023, -0.006172983907163143, -0.028575235977768898, 0.004280179738998413, -0.0003594801528379321, -0.00526321679353714, 0.01364040095359087, -0.013322899118065834, -0.005058671813458204, 0.000501822039950639, -0.019147850573062897, -0.03729434683918953, -0.010324941016733646, 0.026548104360699654, 0.006069184746593237, 0.05314505472779274, 0.04376651719212532, 0.017316104844212532, 0.01649792492389679, 0.017865628004074097, -0.031994495540857315, 0.015252337791025639, -0.0016424654750153422, -0.023250961676239967, -0.003388729877769947, 0.04525633528828621, -0.016900908201932907, 0.014580697752535343, -0.01533781923353672, 0.009067142382264137, 0.03067563846707344, 0.025180401280522346, -0.012895490974187851, 0.01511800941079855, 0.01668109931051731, -0.01460512075573206, 0.011124803684651852, 0.035462602972984314, -0.009421279653906822, 0.0031597616616636515, -0.008438242599368095, 0.013554919511079788, 0.030260443687438965, 0.00035604560980573297, -0.003345989156514406, -0.029307935386896133, 0.018463999032974243, -0.0012280329829081893, -0.005333433393388987, -0.009818158112466335, 0.02779369242489338, 0.00010122304229298607, 0.01944093033671379, 0.003739814506843686, 0.04039610177278519, 0.0017004708060994744, -0.01472723763436079, -0.013591554947197437, -0.009201470762491226, -0.006814094725996256, 0.023153267800807953, 0.002614817349240184, -0.015520993620157242, -0.003660439047962427, -0.0019630210008472204, -0.00901829544454813, -0.027940230444073677, -0.005882957484573126, 0.017890051007270813, -0.03458336368203163, 0.02183441072702408, 0.029063701629638672, 0.0029017908964306116, -0.0002518650726415217, -0.008945025503635406, 0.0019279125845059752, -0.005745576228946447, -0.036488380283117294, -0.0048968675546348095, -0.015618686564266682, -0.003776449477300048, 0.057345859706401825, -0.007497946731746197, -0.011442306451499462, 0.02066209353506565, 0.021284887567162514, -0.022420570254325867, 0.02728080190718174, -0.014299829490482807, -0.030895447358489037, -0.023458559066057205, 0.07185328751802444, -0.014470793306827545, 0.042374387383461, -0.00461905263364315, 0.012248274870216846, -0.01688869670033455, 0.007400253787636757, -0.003996259067207575, 0.025644443929195404, 0.02381269633769989, -0.007607851643115282, 0.025522327050566673, -0.008609205484390259, 0.02747618965804577, 0.00424965051934123, 0.007241502404212952, -0.007192655466496944, 0.03209218755364418, -0.03260507807135582, 0.0029109495226293802, 0.0012066626222804189, 0.02476520463824272, 0.030089478939771652, 0.016974179074168205, -0.023727215826511383, -0.0033917829860001802, 0.04423055797815323, 0.030700061470270157, 0.010782877914607525, 0.008255068212747574, 0.007961989380419254, 0.010734030976891518, 0.02124825306236744, 0.007491840980947018, -0.0013654138892889023, -0.016644464805722237, -0.007632274646311998, 0.018793713301420212, -0.0032299787271767855, -0.02618175558745861, 0.005388386081904173, 0.026108484715223312, 0.00988532230257988, 0.006606496870517731, 0.011686539277434349, -0.016033882275223732, -0.003596327733248472, 0.009317480958998203, 0.04274073988199234, -0.0006040945299901068, -0.012797798030078411, 0.004979296121746302, -0.026523681357502937, 0.0001821251498768106, 0.015374453738331795, -0.01738937385380268, 0.009231999516487122, 0.04789404943585396, 0.025449056178331375, -0.008670263923704624, 0.02014920487999916, -0.031237373128533363, 0.01136293075978756, -0.014690602198243141, 0.018512845039367676, 0.020051512867212296, -0.03204334154725075, 0.0013043557992205024, 0.008047470822930336, -0.022933458909392357, -0.037074536085128784, -0.005550190340727568, 0.004090899135917425, 0.027842538431286812, 0.005818846169859171, -0.0018439575796946883, 0.0063988990150392056, -0.015166856348514557, -0.002454539528116584, 0.003138391301035881, 0.010050179436802864, -0.03829570114612579, -0.005189946852624416, 0.007968095131218433, -0.009903639554977417, -0.008077999576926231, 0.004499989096075296, -0.004811386112123728, 0.011027110740542412, -0.031017564237117767, -0.004689269699156284, 0.005809687543660402, -0.0015936190029606223, -0.005800528917461634, 0.012883279472589493, 0.010544750839471817, -0.0027857802342623472, -0.004002364818006754, 0.010147872380912304, -0.02078421041369438, 0.02515597827732563, -0.015948401764035225, -0.0023537934757769108, 0.021468061953783035, 0.015008104965090752, -0.012242168188095093, -0.013982327654957771, 0.010727925226092339, -0.018537268042564392, 0.015679745003581047, -0.01547214761376381, -0.001176133519038558, 0.01238870806992054, -0.0011654483387246728, -0.052216969430446625, 0.012663470581173897, 0.0056478832848370075, -0.01177812647074461, 0.006759142503142357, 0.006954528857022524, 0.00045450194738805294, 0.025204824283719063, -0.029869670048356056, 0.006368369795382023, -0.003803925821557641, 0.02984524704515934, -0.02061324752867222, -0.011656009592115879, 0.014849353581666946, 0.029039278626441956, 0.017230622470378876, 0.04410844296216965, 0.02676791325211525, 0.021089501678943634, 0.005122782662510872, -0.0011830026051029563, 0.0011051533510908484, -0.034558940678834915, 0.01431204192340374, -0.012541353702545166, -0.029112549498677254, 0.0043870313093066216, -0.038149163126945496, 0.021968739107251167, -0.007412465289235115, 0.018244190141558647, -0.03345989063382149, -0.021333733573555946, 0.018073227256536484, 0.03780723735690117, -0.017120718955993652, 0.01017229538410902, -0.013310686685144901, 0.013835787773132324, -0.03131064400076866, -0.022738073021173477, -0.0016012511914595962, -0.005336486268788576, 0.0015966718783602118, -0.015105797909200191, 0.0007960462244227529, -0.017316104844212532, -0.05475699156522751, 0.0010311203077435493, -0.007687226869165897, 0.010324941016733646, 0.026206178590655327, 0.049261752516031265, 0.0046373698860406876, 0.00910988263785839, -0.04442594572901726, -0.008023046888411045, 0.011387353762984276, 0.02972313016653061, -0.025522327050566673, 0.028526389971375465, -0.016082730144262314, 0.007748285308480263, -0.016436867415905, -0.024081353098154068, 0.011008793488144875, -0.0159850362688303, 0.024569818750023842, -0.02681676112115383, -0.0070888567715883255, 0.017828993499279022, 0.010337152518332005, -0.0025980263017117977, -0.0032605077140033245, 0.0014455527998507023, 0.03592664375901222, 0.0031353384256362915, 0.018122073262929916, 0.0168154276907444, 0.027549458667635918, 0.022701438516378403, -0.01514243334531784, 0.04481671750545502, -0.005122782662510872, 0.0021584073547273874, 0.03138391301035881, 0.00017086755542550236, -0.010569173842668533, 0.00035871690488420427, -0.03482759743928909, 0.021590178832411766, -0.005916539579629898, -0.013725882396101952, 0.012358179315924644, 0.01758476160466671, 0.009702147915959358, 0.012132263742387295, -0.023141056299209595, 0.022347301244735718, -0.012217745184898376, 0.0010288306511938572, -0.029478898271918297, -0.01874486729502678, 0.028966009616851807, -0.03795377537608147, 0.00036138819996267557, 0.021846622228622437, -0.025815406814217567, -0.0011753703001886606, 0.030431406572461128, -0.006282888352870941, 0.035340484231710434, -0.01841515302658081, -0.020063724368810654, 0.02477741613984108, 0.051826197654008865, -0.050605032593011856, -0.03358200937509537, 0.03402162715792656, -0.014947046525776386, 0.005351751111447811, -0.052461203187704086, -0.008395502343773842, -0.02645041048526764, 0.01122860237956047, 0.0027506717015057802, 0.01405559666454792, 0.01196740660816431, -0.014214348047971725, -0.011863607913255692, -0.005687571130692959, 0.010874465107917786, -0.02176114171743393, -0.028257733210921288, 0.015582052059471607, 0.007943671196699142, -0.0009357169037684798, 0.006844623945653439, -0.007076645269989967, 0.02123604156076908, -0.02964986115694046, 0.016192633658647537, -0.04623326659202576, 0.036805883049964905, 0.037831660360097885, -0.01693754456937313, -0.010752348229289055, 0.013139723800122738, -0.0026117644738405943, 0.0023308966774493456, -0.001619568676687777, 0.00196607387624681, -0.0021232988219708204, 0.02605963870882988, 0.00720486743375659, -0.007082751020789146, 0.021809987723827362, 0.030309289693832397, -0.03805146738886833, -0.006575968116521835, 0.029088124632835388, 0.01669331081211567, 0.01624147966504097, 0.0052723754197359085, -0.006814094725996256, -0.022896824404597282, 0.014067809097468853, -0.02977197803556919, -0.02566886693239212, -0.07278136909008026, -0.009738782420754433, 0.02099180780351162, 4.216831803205423e-05, 0.019306601956486702, -0.0019752327352762222, -0.0023308966774493456, 0.01854947954416275, -0.02317769266664982, 0.00786429550498724, 0.00892670825123787, -1.1734622603398748e-05, -0.020820844918489456, -0.029478898271918297, 0.00988532230257988, -0.01828082464635372, -0.020637670531868935, -0.025302516296505928, 0.04154399782419205, -0.0022118331398814917, 0.00042397287325002253, 0.01206509955227375, -0.009402962401509285, 0.0024575924035161734, -0.006521015428006649, 0.017633607611060143, -0.004490830469876528, -0.005174682475626469, -0.016791004687547684, 0.0056265126913785934, 0.02645041048526764, -0.0015585104702040553, 0.008200115524232388, 0.0036543330643326044, 0.016400231048464775, 0.0066431318409740925, 0.00019510001584421843, 0.0013806784991174936, -0.011289660818874836, 0.0014684495981782675, 0.08196452260017395, -0.025888675823807716, -0.014299829490482807, -0.02811119332909584, -0.03602433577179909, -0.04613557457923889, -0.01399453915655613, 0.0014341044006869197, 0.004796121269464493, 0.012871067970991135, -0.02618175558745861, -0.005724206101149321, 0.02085747942328453, -0.008975555188953876, 0.03048025257885456, 0.012162793427705765, 0.009604454040527344, -0.025961944833397865, -0.020820844918489456, -0.012748952023684978, 0.025180401280522346, 0.00010370353265898302, -0.001289091189391911, 0.006502698175609112, -0.016278116032481194, -0.025009438395500183, 0.018696019425988197, -0.009158729575574398, 0.002025605645030737, 0.00914041232317686, -0.025571173056960106, -0.024667512625455856, 0.035902220755815506, 0.0017584761371836066, 0.001110495999455452, 0.013188570737838745, -0.029185818508267403, 0.010117343626916409, 0.026743490248918533, 0.00702779833227396, -0.02382490783929825, 0.00012097155558876693, -0.04975022003054619, -0.005882957484573126, -0.020136993378400803, -0.0004331315867602825, 0.0045976825058460236, 0.03182353079319, 0.043424591422080994, 0.005763893947005272, -0.03201891854405403, -0.006691978313028812, 0.0006502697942778468, -0.007980306632816792, 0.0042008040472865105, -0.03639068454504013, 0.018085438758134842, -0.007180443964898586, 0.03287373483181, -0.014898200519382954, 0.024814050644636154, 0.0007754390826448798, 0.003993206191807985, 0.007870401255786419, -0.017035236582159996], "e91808ff-f72e-4cd2-a10e-7b7027c3117e": [0.021808713674545288, 0.027811324223876, 0.04454447329044342, -0.0031635381747037172, -0.033072300255298615, 0.0251692496240139, -0.005301533732563257, -0.0002024287823587656, -0.03733670338988304, 0.03467145189642906, 0.03460192307829857, -0.08996963500976562, -0.07272661477327347, -0.010411865077912807, 0.08292409777641296, 0.005420311354100704, -0.01040607038885355, -0.06461498141288757, -0.08848636597394943, 0.02846025489270687, 0.03161220625042915, 0.09117479622364044, -0.04032642021775246, 0.007839317433536053, 0.026258526369929314, -0.04848441109061241, -0.020128445699810982, -0.0026000691577792168, 0.019409986212849617, -0.004977068398147821, 0.022828461602330208, -0.008297044783830643, -0.05321233347058296, 0.004641014616936445, -0.04148522764444351, 0.013059734366834164, -0.08060649037361145, 0.008094253949820995, 0.03233066573739052, -0.03355899825692177, 0.003592296037822962, 0.011315733194351196, 0.010151133872568607, -0.012306511402130127, -0.007601762190461159, 0.05766214802861214, -0.01534258108586073, 0.005918597336858511, -0.007335236761718988, 0.027533210813999176, -0.02078896574676037, -0.001994593534618616, 0.005110330879688263, 0.025053368881344795, 0.061092209070920944, 0.012978618033230305, 0.013233555480837822, -0.007456911262124777, -0.01360437273979187, -0.05084837228059769, -0.007398971356451511, 0.016964908689260483, 0.006356046535074711, 0.018575647845864296, -0.0009125591022893786, 0.0015542474575340748, -0.03972384333610535, 0.015817690640687943, 0.025447363033890724, 0.0030592456459999084, 0.010765300132334232, 0.04183286800980568, 0.02948000468313694, 0.011141912080347538, -0.022028887644410133, -0.022909577935934067, 0.04037277400493622, -0.0032852126751095057, 0.010637831874191761, -0.03715129569172859, 0.0017106861341744661, -0.06725705415010452, -0.014299656264483929, 0.01699967309832573, 0.013627548702061176, 0.00479745352640748, -0.047511011362075806, -0.02391774021089077, -0.05057026073336601, -0.02122931182384491, -0.042968496680259705, 0.07040900737047195, -0.03921396657824516, 0.04454447329044342, -0.01370866596698761, 0.010869592428207397, -0.03942255303263664, -0.015481637790799141, 0.010261219926178455, 0.03005940653383732, 0.041322994977235794, -0.017451606690883636, -0.010313366539776325, -0.026258526369929314, 0.041346170008182526, 0.023349924013018608, -0.004794556647539139, 0.01679108664393425, 0.025910884141921997, -0.03675730153918266, -0.04727925360202789, -0.008100048638880253, 0.011107147671282291, -0.004226741846650839, 0.041346170008182526, 0.020661497488617897, -0.03538991138339043, -0.07689831405878067, -0.024798430502414703, -0.04806723818182945, -0.006883302703499794, 0.023129751905798912, -0.006234372034668922, -0.06651541590690613, -0.03406887128949165, 0.006767422426491976, 0.025261953473091125, 0.020591968670487404, 0.014682061970233917, 0.008841684088110924, 0.04452129453420639, 0.012770033441483974, 0.007700260728597641, -0.0001184154098154977, 0.007590174209326506, 0.022619877010583878, 0.02700016088783741, 0.004171698819845915, -0.0618801973760128, -0.018737880513072014, 0.01645503379404545, 0.0011008649598807096, -0.029132362455129623, 0.010724741965532303, 0.01806577295064926, 0.00954276043921709, -0.019386811181902885, 0.0036473392974585295, 0.023257220163941383, -0.03460192307829857, -0.0028477637097239494, -0.014809530228376389, -0.03768434375524521, 0.021692832931876183, -0.0016556428745388985, -0.026930632069706917, 0.0024363878183066845, 0.036201074719429016, 0.0015441079158335924, 0.0023581685964018106, -0.0447530560195446, -0.00036574789555743337, -0.006077933125197887, -0.01206316240131855, 0.015087643638253212, -0.025910884141921997, -0.015052879229187965, 0.018633587285876274, -0.03316500410437584, -0.004432430025190115, -0.07991120964288712, -0.010081605054438114, -0.030847394838929176, 0.0003007461491506547, 0.011958870105445385, 0.0072367386892437935, 0.017034435644745827, -0.05664239823818207, 0.05997975543141365, -0.010747917927801609, -0.017579074949026108, -0.0030360696837306023, -0.012294922955334187, -0.018425002694129944, 0.015273052267730236, -0.025447363033890724, -0.013245142996311188, 0.047696422785520554, -0.02702333778142929, 0.0053739589639008045, 0.034926388412714005, -0.00691227288916707, 0.008986534550786018, -0.06697893887758255, -0.07291202247142792, -0.044011421501636505, 0.02595723606646061, 0.01015692763030529, -0.021379955112934113, -0.0017946995794773102, 0.0064313686452806, 0.007706054486334324, 0.030013054609298706, 0.028298022225499153, -0.005669454578310251, 0.021240899339318275, 0.009716581553220749, 0.004985759500414133, 0.032469723373651505, -0.008754773065447807, 0.09706152230501175, -0.016246449202299118, -0.0022046267986297607, 0.030615633353590965, -0.019212990999221802, 0.0015238288324326277, -0.027718620374798775, 0.03198302164673805, -0.023778682574629784, 0.004426635801792145, 0.036826830357313156, -0.001257303636521101, 0.029340947046875954, 0.01887693628668785, -0.0090850330889225, 0.027973556891083717, 0.025285130366683006, -0.0008089908515103161, 0.025053368881344795, -0.06762786954641342, -0.020881669595837593, 0.03645601123571396, -0.03580708056688309, 0.02060355618596077, 0.03538991138339043, -0.01791512779891491, 0.004878569860011339, 0.010620449669659138, -0.030824217945337296, -0.018112124875187874, 0.0360388420522213, 0.025470538064837456, 0.00937473401427269, 0.005956258624792099, -4.27535742346663e-05, 0.01898122951388359, -0.04241226986050606, -0.022318588569760323, 0.020765788853168488, -0.0433393158018589, 0.006813774351030588, 0.04973591864109039, 0.014682061970233917, -0.038449157029390335, -0.03277100995182991, -0.04466035217046738, -0.007485881447792053, 0.05260975658893585, -0.000787987548392266, -0.04292214289307594, 0.00937473401427269, 0.0039312466979026794, -0.04055818170309067, 0.04621315002441406, -0.04169381037354469, 0.007161416113376617, -0.009606495499610901, -0.014913822524249554, 0.012897501699626446, 0.058218374848365784, 0.004496164154261351, 0.03610837087035179, 0.015678634867072105, 0.05057026073336601, -0.011072383262217045, 0.028321199119091034, 0.010898563079535961, -0.013511668890714645, -0.012688917107880116, -0.033257707953453064, -0.042389094829559326, -0.02533148229122162, 0.0009567385422997177, 0.011796636506915092, 0.030801042914390564, -0.011350496672093868, 0.014091071672737598, 0.01866835169494152, -0.015481637790799141, 0.03478733077645302, -0.00994834303855896, -0.02114819549024105, -0.014589357189834118, -0.019549043849110603, 0.050616610795259476, -0.03504227101802826, 0.0015933571849018335, -0.04023371636867523, 0.014253304339945316, 0.030175287276506424, -0.005006038583815098, 0.01801942102611065, -0.01256144791841507, 0.006564631592482328, -0.025516889989376068, -0.005689733661711216, 0.0072541204281151295, -0.03302594646811485, -0.027370978146791458, -0.011779255233705044, 0.06475403159856796, -0.015481637790799141, 0.013024970889091492, -0.03527402877807617, 0.0023610657081007957, -0.020904846489429474, -0.0004885088419541717, -6.328162999125198e-05, 0.0034706215374171734, -0.007225150242447853, 0.0026811854913830757, -0.005159580148756504, -0.00992516614496708, -0.019282517954707146, 0.008360779844224453, 0.04746466130018234, 0.005342091899365187, -0.018343886360526085, -0.057569440454244614, 0.0643368661403656, -0.0309400986880064, 0.02208682708442211, -0.023094987496733665, -0.008059490472078323, 0.004745307378470898, 0.029317772015929222, -0.011524317786097527, -0.014890646561980247, -0.013847721740603447, -0.043965067714452744, -0.021970946341753006, -0.05650334060192108, 0.05075566843152046, 0.006883302703499794, 0.019108697772026062, -0.052007175981998444, 0.032446544617414474, 0.026443934068083763, 0.04431271180510521, 0.06456862390041351, -0.007335236761718988, -0.0004501233925111592, -0.026629343628883362, 0.011634403839707375, 0.024798430502414703, 0.0016788190696388483, -0.004846702795475721, -0.04797453433275223, -0.0063270763494074345, -0.002190141938626766, -0.06980642676353455, -0.016176920384168625, 0.01154169999063015, 0.017741307616233826, 0.050199441611766815, 0.04294532164931297, -0.06730340421199799, -0.04968956857919693, -0.009310999885201454, -0.011808224953711033, 0.02720874547958374, -0.03541308641433716, -0.030592456459999084, -0.016408681869506836, -0.057847555726766586, 0.0010957951890304685, 0.03427745774388313, 0.03587660938501358, 0.015609106048941612, 0.008586746640503407, 0.05729132890701294, -0.03165855631232262, -0.027162393555045128, -0.06683988124132156, 0.041716985404491425, 0.029734941199421883, -0.004629426635801792, -0.02806626260280609, 0.025934061035513878, -0.004887260962277651, -0.00984404981136322, -0.011495347134768963, 0.006083727348595858, -0.010469804517924786, 0.07240214943885803, 0.000787987548392266, -0.010307571850717068, 0.04551786929368973, 0.019630160182714462, -0.030847394838929176, 0.006512485444545746, 0.0029549533501267433, -0.06252913177013397, -0.02070784941315651, -0.007115063723176718, 0.018367063254117966, 0.0018584338249638677, 0.006518279202282429, 0.040117837488651276, -0.02806626260280609, 0.0024132118560373783, -0.027162393555045128, 0.0149485869333148, 0.0021669657435268164, 0.011703932657837868, -0.08417560905218124, 0.033118654042482376, 0.051821768283843994, -0.01614215597510338, -0.07045535743236542, 0.02883107401430607, -0.013778193853795528, 0.011848783120512962, 0.025099720805883408, -0.03710494190454483, -0.00306793674826622, -0.028761545196175575, 0.002576892962679267, 0.031055979430675507, -0.03705859184265137, -0.013349436223506927, -0.001856985385529697, -0.014589357189834118, -0.03835645318031311, -0.003548840992152691, -0.007914639078080654, 0.02177394926548004, -0.019131874665617943, -0.03956161066889763, 0.005429002456367016, -0.014450300484895706, -0.020557204261422157, -0.03386028856039047, 0.008569364435970783, -0.06197290122509003, 0.015307816676795483, -0.01843659020960331, 0.00898073986172676, -0.01626962423324585, -0.005794025957584381, -0.010788476094603539, 0.017046025022864342, 0.05321233347058296, 0.09594906866550446, -0.04656079411506653, -0.02660616673529148, 0.0656810775399208, 0.013279907405376434, -0.021762361750006676, -0.03979337215423584, 0.0009965724311769009, 0.02093960903584957, 0.07434894144535065, 0.02164648100733757, 0.029340947046875954, 0.0013920147903263569, -0.013465316034853458, 0.04167063534259796, -0.02927142009139061, 0.004725028295069933, 0.012410803698003292, 0.04106805473566055, 0.02635123021900654, 0.004617838654667139, -0.010098987258970737, -0.010353924706578255, 0.006077933125197887, -0.014044718816876411, 0.022179530933499336, -0.0419951006770134, 0.007028153631836176, -0.02739415504038334, -0.037174470722675323, -0.04714019596576691, 0.020325442776083946, 0.025609595701098442, -0.010290190577507019, 0.018506119027733803, 0.007451117504388094, 0.025007016956806183, 0.028807897120714188, 0.010429246351122856, 0.03726717457175255, -0.009206707589328289, -0.007427941542118788, -0.07101158052682877, -0.022156355902552605, 0.009247265756130219, -0.01843659020960331, 0.019803980365395546, -0.0679059848189354, -0.030453400686383247, 0.01595674827694893, -0.026675695553421974, 0.014160599559545517, 0.00984404981136322, 0.009942548349499702, -0.07045535743236542, -0.005991023033857346, 0.022446056827902794, 0.022492408752441406, 0.010527744889259338, 0.05858919024467468, -0.013337847776710987, -0.01606103964149952, 0.04987497627735138, -0.0230833999812603, 0.011159294284880161, -0.005504324566572905, -0.004852496553212404, -0.0024740491062402725, -0.009195119142532349, -0.008725803345441818, 0.0057418798096477985, -0.02258511260151863, -0.01600310020148754, 0.000546086928807199, -0.0016194302588701248, 0.005536191631108522, 0.01895805262029171, 0.014172188006341457, -0.012248571030795574, 0.02739415504038334, -0.011095560155808926, 0.02172759734094143, -0.03165855631232262, 0.005431899335235357, -0.02618899755179882, 0.0029288800433278084, 0.02164648100733757, 0.00296074734069407, 0.0013673901557922363, 0.045842334628105164, -0.007688672281801701, 0.033072300255298615, 0.009878814220428467, 0.01681426353752613, 0.025470538064837456, -0.009716581553220749, -0.009548555128276348, 0.002014872618019581, 0.0009313896880485117, 0.017254609614610672, -0.00574477668851614, 0.003769013797864318, 0.05529818311333656, 0.005762158893048763, -0.015655457973480225, -0.009983106516301632, 0.014855883084237576, 0.046676672995090485, 0.012457155622541904, 0.010070017538964748, 0.009270441718399525, -0.01731254905462265, 0.05260975658893585, -0.027278274297714233, -0.03337359055876732, -0.005907009355723858, 0.014346008189022541, 0.022932754829525948, -0.0015310713788494468, -0.03221478313207626, -0.07852064073085785, 0.0014825464459136128, 0.0027173981070518494, -0.021159783005714417, -0.009681817144155502, -0.0010885526426136494, -0.01340737659484148, -0.04468352720141411, -0.018610412254929543, 0.009490614756941795, 0.029734941199421883, -0.010400276631116867, -0.0021626201923936605, -0.016883792355656624, -0.04992132633924484, -0.013256731443107128, -0.005130609963089228, -0.011993633583188057, -0.028367551043629646, -0.017161905765533447, 0.05896000936627388, 0.031241388991475105, 0.04046547785401344, -0.029340947046875954, 0.010747917927801609, -0.012978618033230305, 0.006541455164551735, 0.012399215251207352, -0.002317610429599881, -0.016014687716960907, -0.031195035204291344, -0.006211196072399616, 0.005330503918230534, 0.007682878524065018, -0.039260320365428925, 0.01731254905462265, -0.011095560155808926, 0.03240019455552101, -0.01391725055873394, 0.01020907424390316, -0.0016556428745388985, 0.006970213260501623, -0.0004081166989635676, 0.037174470722675323, 0.004774277564138174, -0.008598334155976772, 0.03789293020963669, 0.002503019291907549, -0.0046033537946641445, 0.050431203097105026, -0.022932754829525948, 0.06364157795906067, -0.0015600414481014013, -0.010724741965532303, -0.009131385013461113, 0.017579074949026108, -0.015933571383357048, 0.009942548349499702, -0.0395384319126606, 0.029317772015929222, -0.012677328661084175, -0.0034590335562825203, 0.042783088982105255, -0.0012710645096376538, -0.00479165930300951, -0.015099232085049152, -0.016802676022052765, 0.024242205545306206, -0.0356680229306221, 0.007427941542118788, -0.0005341367796063423, 0.0267683994024992, -0.027324626222252846, 0.025470538064837456, 0.040511827915906906, 0.0036125751212239265, -0.018737880513072014, -0.04866981878876686, -0.015782926231622696, 0.0398397222161293, -0.04157793149352074, 0.02618899755179882, -0.011993633583188057, -0.02279369905591011, 0.00483801169320941, -0.03233066573739052, -0.02300228364765644, -0.04537881165742874, -0.010052635334432125, -0.025679122656583786, -0.028158966451883316, -0.026096293702721596, 0.02337310090661049, -0.00402105413377285, 0.014415537007153034, 0.017694955691695213, -0.014230127446353436, -0.0524243488907814, 0.023013871163129807, -0.018946465104818344, -0.023071810603141785, -0.036409661173820496, -0.013662313111126423, -0.0013485595118254423, -0.026629343628883362, 0.021611716598272324, -0.0020192181691527367, -0.01845976710319519, -0.022515585646033287, -0.04180969297885895, -0.013627548702061176, 0.0001651297352509573, -0.026490285992622375, 0.020244326442480087, 0.015864042565226555, 0.007960991933941841, 0.0012066059280186892, 0.036989063024520874, -0.035946138203144073, 0.012712093070149422, -0.06748881191015244, 0.0022046267986297607, 0.036409661173820496, 0.0032359634060412645, -0.012491920031607151, 0.0019931448623538017, -0.08320221304893494, -0.01175028458237648, -0.02222588285803795, 0.004794556647539139, -0.04866981878876686, -0.02537783421576023, -0.004588868468999863, -0.0002685168874450028, 0.05956258624792099, 0.019386811181902885, -0.008076872676610947, -0.01412583515048027, -0.013766605406999588, 0.0019656233489513397, -0.013882486149668694, 0.0072541204281151295, -0.00496258307248354, 0.006848538760095835, -0.0063386643305420876, 0.024867959320545197, -0.03233066573739052, 0.015921983867883682, 0.05084837228059769, -0.011674962006509304, -0.012688917107880116, 0.005738982930779457, 0.00042658517486415803, -0.030546104535460472, 0.014357596635818481, -0.002484188647940755, -0.02741733193397522, -0.007155621889978647, 0.022005710750818253, -0.015597517602145672, -0.014577769674360752, -0.015388933010399342, 0.05302692577242851, -0.0036154722329229116, -0.037174470722675323, -0.02924824319779873, -0.018401825800538063, -0.009137178771197796, -0.04746466130018234, -0.009612289257347584, 0.026026764884591103, 0.0074742934666574, 0.008407131768763065, 0.027764972299337387, -0.0012906192569062114, -0.018598822876811028, 0.023234045132994652, 0.010661007836461067, 0.0082101346924901, -0.007700260728597641, 0.018923288211226463, 0.02449714206159115, -0.03545944020152092, -0.027695443481206894, 0.01010478101670742, -0.00020550686167553067, 0.013836134225130081, 0.002859351923689246, 0.06563472747802734, -0.025285130366683006, 0.027116041630506516, 0.030476577579975128, 0.0028694914653897285, -0.0018758159130811691, 0.005956258624792099, 0.045680101960897446, -0.02618899755179882, 0.010411865077912807, -0.03538991138339043, 0.01566704548895359, 0.03175126388669014, 0.07138240337371826, -0.027116041630506516, 0.0176486037671566, -0.01947951503098011, -0.0072657084092497826, 0.04016418755054474, 0.027533210813999176, -0.003853027243167162, -0.03302594646811485, -0.011947281658649445, -0.014149011112749577, 0.02801990881562233, -0.01804259605705738, -0.03437016159296036, -0.037012238055467606, -0.014496653340756893, 0.014415537007153034, -0.029410475865006447, 0.01496017538011074, -0.0192477535456419, 0.0005341367796063423, 0.02642075903713703, -0.018482942134141922, -0.0317976139485836, 0.012005222029983997, 0.038008809089660645, 0.013743429444730282, -0.004284682217985392, -0.0017193772364407778, 0.02387138642370701, -0.056178875267505646, 0.024195851758122444, 0.02697698585689068, 0.05858919024467468, -0.016559327021241188, 7.876253948779777e-05, -0.01906234584748745, -0.01170972641557455, 0.0013094499008730054, -0.009235677309334278, 0.013048146851360798, 0.04308437556028366, 0.02391774021089077, 0.0018207726534456015, -0.028367551043629646, -0.024821607396006584, 0.03645601123571396, 0.00322147854603827, -0.005075566936284304, -0.0025595109909772873, 0.004852496553212404, 0.011993633583188057, -0.05237799510359764, -0.02070784941315651, -0.006715276278555393, -0.0033083888702094555, -0.004736616276204586, 0.016756324097514153, 0.017161905765533447, -0.029827645048499107, -0.00990778487175703, 0.02235335297882557, -0.021611716598272324, 0.0012355759972706437, 0.018262770026922226, -0.004727925173938274, -0.0028158966451883316, -0.024682551622390747, -0.04554104432463646, 0.03610837087035179, 0.0018989919917657971, -0.017567487433552742, -0.009589113295078278, -0.008893829770386219, 0.009513790719211102, -0.013859310187399387, 0.03861138969659805, -0.00639660470187664, 0.011014443822205067, 0.024636197835206985, 0.020464500412344933, -0.003641545306891203, 0.022990694269537926, 0.014600945636630058, -0.014844294637441635, -0.01914346218109131, -0.022492408752441406, -0.02820531837642193, 0.025702299550175667, -0.01874946802854538, 0.008806919679045677, -0.020116858184337616, 0.023199280723929405, -0.002695670584216714, 0.012654152698814869, -0.014716826379299164, 0.033721230924129486, 0.012723681516945362, -0.002849212381988764, -0.01179084274917841, 0.01391725055873394, 0.009357351809740067, 0.05339774489402771, 0.017880363389849663, 0.018054185435175896, -0.014913822524249554, -0.0025088132824748755, -0.026675695553421974, -0.01958380825817585, 0.0034358573611825705, 0.016037864610552788, -0.014566181227564812, 0.007566997781395912, 0.00985563825815916, -0.03070833720266819, 0.01018589735031128, 0.0015774235362187028, 0.013048146851360798, 0.038008809089660645, -0.003644442418590188, -0.05812566727399826, 0.04127664119005203, -0.00674424646422267, 0.0030389665625989437, 0.008215928450226784, 0.0014463337138295174, -0.015018115751445293, 0.0020003875251859426, -0.0024899826385080814, 0.02331516146659851, 0.004125346429646015, 0.025401009246706963, -0.027764972299337387, -0.017254609614610672, 0.017370490357279778, 0.02068467251956463, -0.022434469312429428, -0.0164202693849802, 0.05506642162799835, -0.01170972641557455, 0.007358413189649582, 0.016536150127649307, -0.004470090847462416, -0.009212501347064972, 0.017683368176221848, 0.0027362287510186434, 0.015354168601334095, 0.01339578814804554, 0.03817104175686836, -0.024265380576252937, 0.03710494190454483, 0.0038762034382671118, 0.027370978146791458, 0.01258462481200695, 0.012491920031607151, -0.016258036717772484, 0.0187262911349535, -0.014009954407811165, 0.021067079156637192, 0.01184298936277628, 0.013453728519380093, -0.002694222144782543, -0.01733572594821453, -0.019954625517129898, -0.006819568574428558, -0.002188693266361952, -0.010956503450870514, -0.027116041630506516, -0.04280626401305199, 0.0006949210073798895, 0.008557775989174843, -0.003264933591708541, 0.00440635671839118, 0.010863798670470715, 0.017637014389038086, -0.0037458378355950117, -0.004475885070860386, -0.022886402904987335, 0.008876447565853596, -0.03441651538014412, 0.01564387045800686, -0.0013326259795576334, -0.01278162095695734, 0.004107964225113392, -0.0073294430039823055, -0.04820629581809044, 0.0074105593375861645, -0.013870898634195328, 0.019595395773649216, -0.01545846089720726, 0.03073151409626007, -0.022028887644410133, -0.015493225306272507, 0.00522331427782774, 0.01676791161298752, 0.004997347481548786, -0.007288884837180376, 0.00019138392235618085, 0.027927204966545105, 0.02822849527001381, 0.01812371239066124, -0.0009009710629470646, -0.0023813447915017605, 0.009959930554032326, 0.02475207857787609, 0.018401825800538063, -0.0065008969977498055, -0.0033924023155122995, -0.01067839004099369, -0.015562754124403, 0.0077813770622015, 0.013905662111938, -0.006616777740418911, 0.017799247056245804, 0.02456667087972164, 0.01227174699306488, 0.009554348886013031, -0.04403459653258324, -0.010858004912734032, -0.015412108972668648, 0.0011182470479980111, -0.03138044476509094, -0.030476577579975128, -0.018193241208791733, 0.024149499833583832, 0.015446873381733894, 0.024242205545306206, 0.009757139720022678, 0.03724399954080582, 0.00807107798755169, 0.04220368713140488, 0.006634159944951534, 0.011854576878249645, 0.03624742478132248, 0.004730822052806616, -0.047696422785520554, 0.02806626260280609, -0.0064023989252746105, -0.02331516146659851, -0.025215601548552513, -0.0016063937218859792, -0.028552960604429245, 0.013453728519380093, 0.012816385366022587, 0.018367063254117966, -0.05274881422519684, 0.043014850467443466, 0.023512156680226326, 0.0037661169189959764, -0.016930144280195236, -0.04415047913789749, 0.029201891273260117, 0.019537456333637238, -0.011159294284880161, 0.024358084425330162, -0.005246490705758333, -0.020058918744325638, -0.04289896786212921, 0.02224905975162983, 0.016304388642311096, -0.010162721388041973, -0.005304430611431599, -0.04329296201467514, 0.004333931487053633, 0.016675205901265144, -0.03703541308641434, 0.04078994318842888, -0.0026710459496825933, -0.02948000468313694, 0.022469233721494675, 0.028529783710837364, 0.021797126159071922, 0.01851770654320717, -0.011472171172499657, -0.003444548463448882, -0.006506691221147776, -0.01317561510950327, -0.014102659188210964, -0.0029042556416243315, 0.0202906783670187, -0.00535367988049984, 0.004110861569643021, 0.040488652884960175, -0.0031577441841363907, -0.0288542490452528, 0.0038733063265681267, 0.014577769674360752, -0.01966492459177971, 0.0377538725733757, -0.0213336031883955, -0.003910967614501715, 0.01024963241070509, -0.009044474922120571, -0.030777866020798683, -0.004519340116530657, 0.022260647267103195, 0.024844784289598465, 0.04426635801792145, 0.04146204888820648, 0.010533539578318596, 0.011437407694756985, 0.0047395131550729275, -0.030152110382914543, 0.017532723024487495, 0.01071894820779562, -0.010800064541399479, -0.0014115695375949144, 0.018795819953083992, -0.0014934102073311806, 0.014346008189022541, -0.019491102546453476, 0.01018589735031128, 0.027116041630506516, 0.010139545425772667, -0.010562509298324585, 0.012816385366022587, 0.018679939210414886, -0.023964092135429382, 0.015110819600522518, 0.032261136919260025, 0.0047221314162015915, -0.000677538919262588, -0.023639626801013947, 0.020974373444914818, 0.03114868327975273, -0.009258853271603584, -0.015273052267730236, -0.024358084425330162, 0.006159049458801746, -0.010301778092980385, -0.0002183623582823202, -0.02822849527001381, 0.028946954756975174, -0.010643625631928444, 0.010127956978976727, -0.0011913966154679656, 0.04472988098859787, -0.013476904481649399, -0.01739366538822651, -0.009751345962285995, 0.012932266108691692, -0.026235349476337433, 0.019363634288311005, -0.00186857336666435, -0.018633587285876274, -0.001280479715205729, -0.004267300013452768, -0.011692344211041927, -0.017822423949837685, -0.005452178418636322, 0.01092753279954195, -0.011779255233705044, 0.03341994062066078, 0.017973069101572037, 0.004887260962277651, -0.016153745353221893, -0.018007833510637283, 0.010452423244714737, -0.03374440595507622, -0.02454349398612976, -0.00800155010074377, 0.005944670643657446, 0.0064197806641459465, 0.06313170492649078, -0.005000244360417128, -0.024056795984506607, 0.038866326212882996, 0.0187262911349535, -0.0003907346399500966, 0.023848211392760277, -0.0218550655990839, -0.02227223664522171, 0.0005602099117822945, 0.06994548439979553, -0.013117674738168716, 0.03005940653383732, 0.0060605513863265514, 0.02950317971408367, -0.030476577579975128, -0.001975762890651822, 0.010701566003262997, 0.007966785691678524, 0.02297910675406456, 0.004716337192803621, 0.034115225076675415, -0.007062917575240135, 0.03362852707505226, -0.0012428185436874628, 0.006106903310865164, -0.015110819600522518, 0.02248082123696804, -0.030963275581598282, 0.014334420673549175, -0.008696832694113255, 0.012688917107880116, 0.02992035076022148, 0.02452031709253788, -0.003945731557905674, -0.003253345610573888, 0.03138044476509094, -0.0005254457355476916, 0.008917005732655525, -0.00825069285929203, 7.42812262615189e-05, 0.013627548702061176, 0.018239593133330345, -0.00639081047847867, 0.007022359408438206, -0.008065284229815006, -0.002875285455957055, 0.03195984661579132, -0.012190630659461021, -0.029642237350344658, 0.010330748744308949, 0.01288591418415308, 0.013558020815253258, 0.006570425350219011, 0.015122408047318459, 0.008638892322778702, 0.00984404981136322, 0.009421085938811302, 0.03828692436218262, -0.01119985245168209, -0.004278887994587421, 0.0004254987870808691, -0.026675695553421974, -0.0015165862860158086, 0.023674389347434044, -0.011617022566497326, 0.0003646615077741444, 0.03747576102614403, 0.02700016088783741, 0.0043542105704545975, 0.008314426988363266, -0.02987399883568287, 0.001722274231724441, -0.0012355759972706437, 0.014172188006341457, 0.01833229884505272, -0.03052292950451374, 0.0022698095999658108, 0.011605434119701385, -0.017741307616233826, -0.022932754829525948, -0.011257792823016644, 0.0257254745811224, 0.013117674738168716, 0.012491920031607151, -0.013465316034853458, 0.007358413189649582, -0.01205157395452261, 0.015284640714526176, -0.0006876784609630704, 0.02033703215420246, -0.01258462481200695, -0.004165904596447945, 0.005556470714509487, -0.01197045762091875, 0.008453483693301678, -0.0019192710751667619, -0.001201536157168448, -0.009310999885201454, -0.029734941199421883, -0.017370490357279778, 0.009160354733467102, -0.022388115525245667, 0.0019989388529211283, 0.015284640714526176, 0.009913578629493713, -0.01650138571858406, 0.008088460192084312, 0.007891463115811348, -0.020140035077929497, 0.014496653340756893, -0.007943609729409218, -0.006529867183417082, 0.023234045132994652, 0.018471354618668556, -0.005284151528030634, -0.012909090146422386, 0.01180243119597435, -0.010313366539776325, 0.030592456459999084, -0.019097110256552696, 0.0033924023155122995, 0.005156683269888163, -0.0074742934666574, -0.045680101960897446, 2.5054636353161186e-05, 0.013870898634195328, -0.03346629440784454, 0.0022307001054286957, -0.0016875100554898381, 0.007097681984305382, 0.023651214316487312, -0.032655131071805954, 0.012306511402130127, -0.026745224371552467, 0.03564484789967537, -0.02618899755179882, -0.01555116567760706, 0.01577133871614933, 0.044428590685129166, 0.013581196777522564, 0.04470670595765114, 0.021924594417214394, 0.019885096698999405, 0.0077813770622015, 0.007010771427303553, -0.00186857336666435, -0.022515585646033287, 0.004924922250211239, -0.009618083015084267, -0.028784720227122307, 0.016570914536714554, -0.02277052216231823, 0.019537456333637238, -0.0088243018835783, 0.011640198528766632, -0.03214525803923607, -0.03856503590941429, 0.019444750621914864, 0.03958478569984436, -0.00287238834425807, 0.010423452593386173, -0.016466621309518814, 0.0257254745811224, -0.03647918626666069, -0.026745224371552467, 0.0050263176672160625, -0.0023755505681037903, -0.007810347247868776, -0.023535333573818207, -0.0015426594763994217, -0.00838395580649376, -0.05284151807427406, 0.01812371239066124, -0.0036502364091575146, 0.01582927815616131, 0.020974373444914818, 0.04345519468188286, 0.004866981878876686, -0.005909906700253487, -0.048716168850660324, -0.0010154030751436949, 0.0030853189527988434, 0.011083971709012985, -0.039654314517974854, 0.027996733784675598, -0.007798758801072836, 0.003479312639683485, -0.00389068853110075, -0.026328053325414658, 0.026675695553421974, -0.015759751200675964, 0.024195851758122444, -0.023651214316487312, -0.006610983517020941, 0.03606201708316803, 0.004638117738068104, 0.0002270533877890557, -0.019097110256552696, -0.014983351342380047, 0.02533148229122162, 0.002823139075189829, 0.011408437043428421, 0.01893487758934498, 0.0080421082675457, 0.018703116104006767, -0.02635123021900654, 0.029155539348721504, 0.018285946920514107, 0.003960216883569956, 0.027301451191306114, -0.014577769674360752, -0.02702333778142929, -0.004649705719202757, -0.03819422051310539, 0.01796147972345352, -0.009919372387230396, -0.02091643400490284, 0.01256144791841507, 0.011982046067714691, 0.004238329827785492, 0.018575647845864296, -0.0419951006770134, 0.04041912406682968, -0.019966213032603264, -0.0029897175263613462, -0.03228431195020676, -0.027486858889460564, 0.006031581200659275, -0.01681426353752613, -0.0068253627978265285, 0.026096293702721596, 0.006054757162928581, 0.000866931164637208, 0.03374440595507622, -0.014369184151291847, 0.03817104175686836, -0.0003802329592872411, -0.007120857946574688, 0.033072300255298615, 0.050384849309921265, -0.056364286690950394, -0.023152928799390793, 0.017880363389849663, -0.018112124875187874, 0.003033172572031617, -0.03483368456363678, -0.0013268319889903069, -0.03404569625854492, 0.021901417523622513, -0.00248708575963974, 0.03161220625042915, 0.0012652704026550055, -0.0015078953001648188, -0.018204830586910248, 0.004223844967782497, 0.024659374728798866, -0.013129263184964657, -0.02760273963212967, 0.01317561510950327, 0.006124285515397787, 0.0002808292047120631, 0.0014651643577963114, 0.006188019644469023, 0.02820531837642193, -0.02268940582871437, 0.024265380576252937, -0.044428590685129166, 0.024149499833583832, 0.0367109477519989, -0.010180103592574596, -0.007161416113376617, 0.02514607273042202, 0.003033172572031617, -0.003656030399724841, -0.005515912547707558, 0.011350496672093868, 0.003989187069237232, 0.0011645992053672671, 0.008621511049568653, 0.001845397287979722, 0.00989619642496109, 0.024613022804260254, -0.04614362120628357, 0.0024074178654700518, 0.032446544617414474, 0.01610739156603813, 0.020661497488617897, 0.014496653340756893, -0.01144899521023035, -0.023349924013018608, 0.009142973460257053, -0.047881830483675, -0.026467110961675644, -0.06294629722833633, -0.009513790719211102, 0.01279320940375328, -0.005165374372154474, 0.0391676165163517, -0.006188019644469023, 0.012619388289749622, 0.016443446278572083, -0.020058918744325638, 0.00613007927313447, 0.011153499595820904, -0.01206316240131855, -0.02554006688296795, -0.041531577706336975, 0.0128627372905612, -0.02000097744166851, -0.004470090847462416, -0.032469723373651505, 0.03875044733285904, -0.008256486617028713, 0.01279320940375328, 0.016953319311141968, -0.019525866955518723, 0.01011636946350336, -0.0008307184907607734, 0.03114868327975273, -0.013639137148857117, -0.013882486149668694, -0.0145198293030262, 0.0038791003171354532, 0.036201074719429016, -0.0018309121951460838, 0.004893055185675621, -0.019537456333637238, -0.008528806269168854, 0.00808266643434763, -0.010603067465126514, 0.0003983392962254584, -0.00644295709207654, 0.001153011224232614, 0.06943560391664505, -0.029178714379668236, 0.0010356821585446596, -0.030221639201045036, -0.03012893535196781, -0.05233164131641388, -0.0060721393674612045, -0.009878814220428467, 0.008928594179451466, 0.006124285515397787, -0.024659374728798866, -0.009774521924555302, 0.0027362287510186434, -0.009838256053626537, 0.035111796110868454, 0.014577769674360752, 0.018367063254117966, -0.019780805334448814, -0.013198791071772575, -0.005269666668027639, 0.02574865147471428, -0.006043169181793928, 0.006222784053534269, 0.026837928220629692, -0.011814018711447716, -0.023338336497545242, 0.02164648100733757, -0.011663374491035938, 0.0047395131550729275, -0.00916614942252636, -0.03712811693549156, -0.02023273892700672, 0.02639758214354515, -0.0007524991524405777, 0.00937473401427269, 0.009131385013461113, -0.04387236386537552, 0.012735269032418728, 0.038008809089660645, 0.016559327021241188, -0.004681572783738375, 0.003771910909563303, -0.03791610524058342, -0.003899379400536418, -0.028390727937221527, -0.007874080911278725, 0.0043165492825210094, 0.023720743134617805, 0.029734941199421883, 0.013465316034853458, -0.008523012511432171, 0.009971519000828266, -0.012943853624165058, -0.016200097277760506, 0.012642565183341503, -0.0443822406232357, 0.015284640714526176, -0.02454349398612976, 0.030337519943714142, -0.012955442070960999, 0.021345192566514015, 0.008401338011026382, -0.013071322813630104, 0.022758934646844864, -0.011669168248772621], "88b792b9-c388-4e3b-a521-9213b14898ff": [0.015526455827057362, 0.010850292630493641, 0.04021158441901207, -0.007763227913528681, -0.016096025705337524, 0.024149732664227486, 0.03148578479886055, 0.00344304577447474, -0.019672919064760208, 0.03360458090901375, 0.03451589122414589, -0.09915060549974442, -0.10425394028425217, 0.0062424782663583755, 0.04422135278582573, 0.018522389233112335, 0.004109441768378019, -0.007518313359469175, -0.09318152070045471, 0.01649472303688526, 0.06219695508480072, 0.09094880521297455, 0.01431896910071373, 0.014808799140155315, 0.016483332961797714, -0.02768106199800968, -0.01769081875681877, 0.013635486364364624, 0.011847038753330708, -0.023272596299648285, 0.07190241664648056, -0.015674544498324394, -0.03884461894631386, 0.019889356568455696, -0.0095004141330719, 0.003061434254050255, -0.04943860322237015, 0.02019692398607731, 0.035723380744457245, 0.00017959228716790676, -0.02220180630683899, -0.0011305948719382286, 0.00612286850810051, 0.0006058792350813746, -0.009819372557103634, 0.01959317922592163, -0.0005741969216614962, -0.019957704469561577, -0.010001635178923607, 0.023739643394947052, -0.0418519452214241, 0.03852565959095955, -0.006082999054342508, 0.032556574791669846, 0.04980313032865524, -0.0016175764612853527, -0.022532157599925995, -0.015788458287715912, 0.007711966522037983, -0.0446770079433918, 0.02437756024301052, 8.645882189739496e-05, -0.03542720153927803, 0.036042336374521255, 0.03415136784315109, 0.006567132659256458, -0.02258911356329918, 0.0011377144837751985, -0.015594804659485817, 0.005336863454431295, 0.007034179288893938, 0.06602445989847183, 0.019786832854151726, 0.003935723099857569, -0.01386331394314766, -0.030597256496548653, 0.03387797623872757, -0.023625729605555534, 0.039140794426202774, -0.01846543326973915, 0.011436949484050274, -0.04711476340889931, -0.023807991296052933, 0.026154616847634315, 0.011585037223994732, -0.009386500343680382, -0.03986984118819237, -0.018374301493167877, -0.06301713734865189, -0.04627180099487305, -0.05723031237721443, 0.05969085171818733, -0.030847866088151932, 0.047160327434539795, 0.0358828566968441, 0.004889751318842173, -0.016380809247493744, -0.016369419172406197, -0.016790900379419327, 0.017121249809861183, 0.01755412295460701, -0.02961759828031063, -0.016688376665115356, 0.00958584900945425, 0.056273434311151505, -0.01176729891449213, -0.01166477706283331, 0.0014666406204923987, -0.005057774484157562, -0.0323515310883522, -0.04829946532845497, -0.0018240453209728003, -0.00010732818918768317, 0.034242499619722366, 0.02216763235628605, 0.0008764246013015509, 0.02592678926885128, -0.030756736174225807, 0.004303095396608114, -0.02793167345225811, -0.029002463445067406, 0.012701393105089664, -0.008082186803221703, -0.06730029731988907, -0.016198547556996346, -0.007751836441457272, 0.020869014784693718, 0.01464931946247816, -0.027954455465078354, 0.007438573520630598, 0.024218082427978516, 0.029526466503739357, -0.031781960278749466, -0.041601333767175674, -0.0034544370137155056, 0.028683504089713097, 0.02195119671523571, 0.02455982379615307, -0.04269490763545036, -0.026724185794591904, 0.007404399570077658, -0.009870633482933044, -0.013874704949557781, 0.018248995766043663, -0.004636293277144432, 0.02663305588066578, -0.017018727958202362, -0.009762415662407875, 0.028615156188607216, -0.06634341925382614, -0.01962735317647457, 0.004041093401610851, -0.02772662788629532, 0.014501231722533703, -0.016893422231078148, -0.0030756734777241945, -0.02884298376739025, 0.06857612729072571, -0.0055532995611429214, 0.03310336172580719, -0.047934941947460175, -0.0033462189603596926, -0.005026448052376509, -0.019957704469561577, 0.026815317571163177, -0.03492598235607147, -0.019228655844926834, 0.015344194136559963, -0.04456309229135513, -0.007968273013830185, -0.0425582081079483, -0.015572021715342999, -0.06734585762023926, 0.000589860079344362, 0.03469815477728844, 0.012758349999785423, -0.008492276072502136, -0.08853383362293243, 0.02247519977390766, -0.02188284881412983, -0.015708718448877335, 0.012940611690282822, -0.03369571268558502, 0.010497160255908966, 0.021506931632757187, -0.02649635821580887, -0.009694067761301994, 0.030938997864723206, -0.017144031822681427, -0.005459320731461048, -0.0010971326846629381, -0.001821197452954948, 0.0028563893865793943, -0.0760033130645752, -0.06110338121652603, -0.06114894896745682, 0.028660722076892853, -0.006629785057157278, -0.033969104290008545, 0.0017343381186947227, 0.04383404552936554, -0.004596423357725143, 0.046454060822725296, 0.01703011803328991, 0.0015506520867347717, 0.008122056722640991, -0.022919462993741035, -0.0039300271309912205, 0.007233528420329094, -0.04130515828728676, 0.05221810191869736, -0.032556574791669846, 0.010132635943591595, 0.02279415912926197, -0.030278297141194344, 0.0050834049470722675, -0.03212370350956917, 0.013100091367959976, 0.010628161020576954, 0.0018995131831616163, 0.014546796679496765, 0.002508952282369137, 0.030984563753008842, 0.00923841167241335, -0.037978872656822205, 0.024742085486650467, 0.02001466043293476, 0.003431654302403331, 0.0161757655441761, -0.03775104507803917, 0.011881212703883648, 0.0341285839676857, -0.025630613788962364, 0.04023436829447746, 0.04078115522861481, -0.013738008216023445, 0.010314897634088993, 0.022247372195124626, -0.042626556009054184, -0.019217263907194138, -0.00693165697157383, 0.03866235539317131, -0.015321411192417145, 0.01730351150035858, 0.014011401683092117, -0.021336061879992485, -0.031007345765829086, -0.01467210240662098, 0.025038260966539383, -0.03387797623872757, -0.00958584900945425, -0.014637927524745464, -0.0008828322170302272, -0.03859400749206543, -0.01952483132481575, -0.06953300535678864, 0.020629795268177986, 0.06524984538555145, 0.0058380840346217155, -0.057822663336992264, 0.009358021430671215, 0.022532157599925995, -0.050076521933078766, 0.012405216693878174, -0.04055332392454147, 0.015492281876504421, 0.00026520565734244883, -0.04488205164670944, 0.006954439915716648, 0.02247519977390766, 0.030756736174225807, 0.04775267839431763, -0.0020191227085888386, 0.03155413269996643, -0.021256322041153908, 0.02001466043293476, 0.0008429624140262604, -0.0316680483520031, 0.01176729891449213, 0.003061434254050255, -0.04875512048602104, -0.011983735486865044, 0.035062678158283234, 0.015287237241864204, 0.022839725017547607, -0.021062668412923813, 0.014489839784801006, -0.007569574285298586, -0.01568593457341194, 0.031781960278749466, -0.0016560223884880543, -0.025812875479459763, -0.0541774220764637, -0.008714408613741398, 0.036179035902023315, -0.04287716746330261, 0.02683809958398342, -0.00833849236369133, -0.011579341255128384, 0.03205535188317299, -0.016403593122959137, -0.016232721507549286, -0.02090318873524666, 0.012371042743325233, -0.018955262377858162, -0.003830352798104286, -0.0031240868847817183, -0.0006795672234147787, -0.005991867743432522, -0.039596449583768845, 0.03950531780719757, 0.007085440680384636, 0.03437919542193413, -0.02733932062983513, 0.0027908890042454004, -0.02895689755678177, -0.01849960722029209, -0.028227848932147026, 0.019855182617902756, -0.03715869411826134, -0.014865756034851074, -0.004320182371884584, -0.030209949240088463, -0.011061033234000206, 0.02244102582335472, 0.01991213858127594, 0.027589932084083557, 0.00016544204845558852, -0.027749409899115562, 0.02553948201239109, -0.050532177090644836, -0.002451995387673378, -0.0020604166202247143, 0.0036651776172220707, -0.0003426314506214112, 0.03173639625310898, -0.015492281876504421, 0.004240442533046007, -0.012279911898076534, 0.002024818444624543, -0.03581450879573822, -0.059052933007478714, 0.039983756840229034, 0.021928412839770317, -0.006379174999892712, -0.08543537557125092, -0.020572839304804802, 0.01335070189088583, 0.009170063771307468, 0.06292600184679031, 0.007489834912121296, 0.00955167505890131, -0.008970714174211025, 0.01994631253182888, -0.016209939494729042, -0.002342353342100978, -0.00517168827354908, -0.043993525207042694, -0.033012229949235916, -0.014045575633645058, -0.0661611557006836, -0.027202624827623367, -0.002803704235702753, 0.04636293277144432, 0.0022441025357693434, 0.05003095790743828, -0.07923846691846848, -0.06064772605895996, 0.010462986305356026, 0.010986989364027977, 0.018602129071950912, -0.055772215127944946, -0.026724185794591904, -0.00013224684516899288, -0.0594630241394043, -0.013168439269065857, 0.019297003746032715, 0.01868186891078949, 0.02863793820142746, 0.03645242750644684, 0.06342722475528717, 0.007187962997704744, -0.012712784111499786, -0.07395286113023758, 0.03005046956241131, 0.016870638355612755, -0.042512644082307816, -0.022349894046783447, -0.009232716634869576, -0.00830431841313839, -0.02870628610253334, -0.0013313679955899715, 0.005382428877055645, 0.0015093582915142179, 0.043742913752794266, 0.02311311662197113, -0.010582595132291317, 0.045679450035095215, 0.011903995648026466, -0.053812894970178604, 0.005704235285520554, -0.034037455916404724, -0.03615625202655792, 0.005208710208535194, -0.0013178406516090035, -0.004018310457468033, 0.00649878429248929, -0.01089016254991293, 0.033900756388902664, -0.029207507148385048, -0.012815306894481182, -0.001070078113116324, 0.010098461993038654, 0.007176571525633335, 0.011226208880543709, -0.056546829640865326, -0.008224578574299812, 0.047160327434539795, -0.00241497321985662, -0.06142234057188034, 0.032556574791669846, -0.07582104951143265, -0.011721733957529068, 0.015013843774795532, -0.058415014296770096, 0.008646059781312943, -0.014250621199607849, 0.0012907861964777112, 0.015640370547771454, -0.0027339321095496416, -0.04843616485595703, -0.005128970369696617, -0.0009867786429822445, -0.028729069977998734, 0.0008992073708213866, -0.014182272367179394, 0.04440361261367798, -0.029708728194236755, -0.029321420937776566, -0.013407658785581589, 0.006851917132735252, 0.007153789047151804, -0.021643629297614098, -0.011499601416289806, -0.015389759093523026, 0.014216447249054909, 0.0051489053294062614, -0.0174174252897501, 0.014011401683092117, -0.0013320798752829432, -0.033650148659944534, 0.03000490367412567, 0.05249149724841118, 0.05003095790743828, -0.02009440027177334, -0.005342558957636356, 0.05358506739139557, -0.013760791160166264, -0.0063165221363306046, -0.034174151718616486, -0.026541924104094505, 0.028432894498109818, 0.08962740749120712, -0.004915382247418165, 0.03866235539317131, 0.016893422231078148, -0.01927422173321247, 0.028888549655675888, -0.017326295375823975, 0.02050449140369892, 0.00048555771354585886, 0.0400976687669754, 0.023227030411362648, -4.129376611672342e-05, 0.009044758975505829, -0.0034715242218226194, -0.011271773837506771, -0.007985359989106655, -0.023443467915058136, -0.03813835233449936, 0.015697326511144638, -0.028432894498109818, -0.0752742663025856, -0.04264933988451958, 0.0233979020267725, 0.0012160302139818668, 0.01815786585211754, 0.01871604286134243, -0.002886291826143861, 0.014296186156570911, 0.016893422231078148, 0.009335238486528397, 0.0323743112385273, -0.008019533939659595, 0.01674533449113369, -0.024263646453619003, -0.03032386302947998, -0.013373484835028648, 0.00872579962015152, 0.030802302062511444, -0.07942073047161102, -0.047160327434539795, 0.04310499504208565, -0.030346646904945374, 0.005664365366101265, -0.003810417838394642, -0.00775753241032362, -0.04410743713378906, -0.03077951818704605, -0.0032522401306778193, 0.002037633676081896, 0.040439411997795105, 0.043401170521974564, -0.006954439915716648, -0.017087075859308243, 0.01826038770377636, -0.0007774619152769446, 0.0037591566797345877, -0.007410095073282719, -0.01797560416162014, 0.007580965757369995, -0.01892108842730522, 0.009369413368403912, -0.004106593783944845, -0.03226039931178093, -0.0439707413315773, 0.026405226439237595, 0.014022793620824814, -0.011385687626898289, -0.022646071389317513, 0.017702210694551468, 0.007723357994109392, 0.015640370547771454, -0.0008002446847967803, 0.009511805139482021, -0.031326305121183395, 0.006681046448647976, -0.02244102582335472, -0.004382834769785404, -0.014216447249054909, 0.01428479515016079, -0.014968277886509895, 0.04387960955500603, 0.0006710236775688827, 0.019194481894373894, 0.008902366273105145, 0.00784296728670597, 0.019877964630723, -0.0002488305326551199, 0.004903990775346756, -0.0010679422412067652, -0.00817901361733675, 0.016528896987438202, 0.012234346009790897, 0.01036046352237463, 0.043993525207042694, 0.01516193151473999, -0.007427182048559189, -0.01169895101338625, 0.00808788277208805, 0.029890989884734154, 0.02205371856689453, 0.03993819281458855, -0.0012986176880076528, -0.025448350235819817, 0.08210909366607666, -0.025448350235819817, -0.0492563433945179, -0.014524013735353947, -0.0010415996657684445, 0.02188284881412983, 0.000171938692801632, -0.03214648365974426, -0.07819046080112457, 0.00819610059261322, -0.006572828162461519, -0.0400976687669754, -0.010986989364027977, 0.005934910848736763, 0.00923841167241335, -0.03437919542193413, -0.03932305797934532, 0.012724175117909908, 0.017155423760414124, -0.02754436619579792, 0.0050150565803050995, 0.004735967610031366, -0.03848009556531906, -0.0023565925657749176, -0.0008643212495371699, 0.01610741578042507, -0.017861690372228622, -0.0013214005157351494, 0.06452079862356186, -0.00434581283479929, 0.035062678158283234, -0.042056988924741745, 0.011619211174547672, -0.0009476207196712494, 0.021028494462370872, 0.02262328751385212, -0.0033205882646143436, -0.027453234419226646, -0.025061044842004776, -0.005781127139925957, 0.010331984609365463, 0.032169267535209656, -0.007279094308614731, 0.032100919634103775, -0.006231086794286966, 0.016449157148599625, -0.03212370350956917, -0.0019764050375670195, -0.017850298434495926, -0.03246544301509857, -0.017406033352017403, -0.02055005542933941, 0.010770552791655064, -0.009563066996634007, 0.027453234419226646, 0.03159969672560692, 0.041988641023635864, 0.032556574791669846, -0.04066723957657814, 0.07655009627342224, -0.01748577319085598, -0.005063469987362623, -0.014489839784801006, 0.00861758179962635, 0.003608220722526312, -0.0026812469586730003, -0.04460866004228592, 0.014786016196012497, -0.02702036127448082, 0.03324005752801895, 0.030802302062511444, -0.01660863682627678, -0.0223385039716959, -0.005185927264392376, -0.019969096407294273, -0.003064282238483429, -0.03859400749206543, -0.016266895458102226, 0.002551669953390956, 0.02599513716995716, -0.018340127542614937, 0.04957530274987221, 0.04365178197622299, 0.007176571525633335, -0.015492281876504421, -0.006772177759557962, 0.0006859748973511159, 0.040963415056467056, -0.02941255271434784, 0.034948766231536865, -0.017314903438091278, -0.018488215282559395, -0.002281124470755458, -0.006367783527821302, -0.004015462938696146, -0.02702036127448082, 0.008560624904930592, -0.0036366991698741913, 0.005527669098228216, -0.023648511618375778, -0.0138974878937006, -0.007586661726236343, 0.008418232202529907, 0.002333809621632099, -0.026359662413597107, -0.026906447485089302, 0.01857934705913067, -0.023021986708045006, -0.009152976796030998, -0.03971036523580551, -0.0038047221023589373, 0.020675361156463623, -0.029070811346173286, -0.014307578094303608, 0.0015762826660647988, -0.03141743689775467, -0.014979669824242592, -0.033718496561050415, -0.009899112395942211, -0.0038930054288357496, 0.0026798229664564133, 0.04702363163232803, 0.010400333441793919, 0.018317345529794693, 0.01173312496393919, 0.02385355718433857, -0.03750043362379074, 0.01713264174759388, -0.048709556460380554, -0.0054194508120417595, 0.010457290336489677, 0.015287237241864204, -0.005675756838172674, -0.022737201303243637, -0.08110664784908295, -0.019855182617902756, -0.008959323167800903, 0.008235970512032509, -0.035905640572309494, -0.029184725135564804, -0.010417420417070389, 0.0004065300163347274, 0.030620038509368896, 0.007108223624527454, -0.036429643630981445, -0.020322227850556374, -0.008076490834355354, 0.01509358361363411, 0.0027567148208618164, -0.010884467512369156, 0.011613515205681324, -0.014113924466073513, -4.411936242831871e-05, 0.018704652786254883, -0.02223598025739193, 0.03743208572268486, 0.05021321773529053, -0.014717667363584042, -0.03652077540755272, 0.03419693186879158, 0.00918145477771759, -0.020777883008122444, 0.04356065019965172, 0.0034886111970990896, -0.020698143169283867, 0.004844185896217823, 0.028797417879104614, 0.0010173929622396827, -0.01864769496023655, -0.015663152560591698, 0.056273434311151505, -0.00986493844538927, -0.03032386302947998, -0.04146463796496391, -0.019183089956641197, -0.008982106111943722, -0.020379185676574707, 0.02490156516432762, 0.0006628361297771335, 0.013236788101494312, 0.04816276952624321, 0.037864960730075836, 0.006054520606994629, -0.004451183136552572, 0.013977227732539177, 0.022110676392912865, 0.007985359989106655, -0.0024662346113473177, 0.00027463914011605084, 0.055635519325733185, -0.014068358577787876, -0.030984563753008842, -0.005661517847329378, -0.022315720096230507, -0.005131818354129791, 0.0028478458989411592, 0.09245246648788452, -0.036042336374521255, 0.00732465973123908, -0.015890980139374733, -0.012006518431007862, 0.013886096887290478, -0.008116360753774643, 0.04577057808637619, -0.012872263789176941, 0.029458118602633476, -0.03522215783596039, 0.027316538617014885, 0.028911331668496132, 0.08639225363731384, -0.01600489392876625, 0.03478928655385971, 0.00027036736719310284, 0.008070794865489006, 0.002938976977020502, -0.011881212703883648, -0.0067209163680672646, -0.0032266094349324703, -0.011300252750515938, -0.03722704201936722, 0.032716054469347, -0.002039057668298483, -0.039209142327308655, -0.014489839784801006, -0.022452417761087418, -0.008406841196119785, -0.035655029118061066, 0.028410110622644424, -0.007091136183589697, -0.016278287395834923, 0.0020176987163722515, 0.00075966288568452, -0.012109041213989258, 0.03039221093058586, 0.015412542037665844, 0.020641187205910683, 0.025630613788962364, -0.03314892575144768, 0.01461514551192522, -0.015321411192417145, 0.02845567651093006, 0.02449147403240204, 0.04770711436867714, -0.020276661962270737, -0.02174615114927292, -0.011505297385156155, -0.007894229143857956, 0.003485763445496559, -0.009694067761301994, 0.01927422173321247, 0.048663992434740067, 0.04588449373841286, -0.023272596299648285, -0.018340127542614937, -0.017314903438091278, 0.040507759898900986, -0.002003459492698312, -0.014877147041261196, -0.011744516901671886, -0.02870628610253334, 0.018248995766043663, -0.01974126696586609, -0.03665747120976448, -0.02262328751385212, -0.010941424407064915, -0.00475020706653595, 0.04194307327270508, 0.00649878429248929, -0.034675370901823044, -0.024719301611185074, 0.019798224791884422, -0.021062668412923813, 0.015788458287715912, 0.04939303919672966, 0.013886096887290478, 0.001448841649107635, -0.015116366557776928, -0.022532157599925995, 0.009175759740173817, 0.002534582745283842, -0.004391378257423639, -0.0039926799945533276, -0.013851922936737537, 0.019228655844926834, -0.0015307171270251274, 0.04032549634575844, 0.006476001814007759, -0.015845414251089096, -0.012906437739729881, 0.030437776818871498, 0.0024548431392759085, -0.0004962371313013136, 0.04481370374560356, -0.0054877991788089275, -0.031212391331791878, 0.013692443259060383, -0.02068675309419632, -0.007592357229441404, -0.023238422349095345, 0.007273398339748383, -0.036680255085229874, 0.022714419290423393, 0.0014338904293254018, -0.007677792571485043, -0.013225396163761616, 0.01787308044731617, 0.03212370350956917, 0.022429633885622025, -0.041601333767175674, -0.011397079564630985, 0.005624495446681976, 0.02430921234190464, -0.0030272603034973145, 0.04365178197622299, -0.022395459935069084, 0.018510999158024788, -0.009614327922463417, 0.0032436964102089405, -0.005741257220506668, 0.01657446287572384, -0.003263631369918585, -0.012826697900891304, -0.0027994324918836355, -0.019331177696585655, -0.00014399421343114227, 0.03686251863837242, 0.005789670627564192, 0.026291312649846077, 0.011089512147009373, -0.03251101076602936, 0.06611558794975281, 0.0005656533758156002, 0.015697326511144638, 0.011949561536312103, 0.005265667103230953, 0.003181043779477477, 0.004795772489160299, -0.02793167345225811, 0.02220180630683899, 0.0138063570484519, 0.02825063094496727, 0.0129292206838727, -0.0019621658138930798, 0.004428400192409754, 0.02895689755678177, 0.013043134473264217, -0.014888538047671318, 0.04775267839431763, 0.004445487633347511, 0.0295492485165596, 0.03884461894631386, -0.021449975669384003, -0.013396266847848892, 0.032624922692775726, -0.009392195381224155, 0.021803108975291252, -0.018795782700181007, 0.02399025484919548, -0.008748582564294338, 0.025129392743110657, -0.01794142834842205, -0.0006357816164381802, -0.005379580892622471, 0.005630191415548325, 0.00036701615317724645, 0.011835647746920586, -0.011983735486865044, 0.025630613788962364, 0.022486591711640358, -0.001687348703853786, -0.012314085848629475, 0.012803914956748486, -0.009272586554288864, -0.000978947035036981, 0.003932875115424395, -0.01755412295460701, 0.0022198958322405815, -0.018305953592061996, -4.948132118443027e-05, 0.046203453093767166, -0.014034184627234936, 0.008543537929654121, -0.007375921122729778, 0.01305452547967434, 0.010388941504061222, 0.028273414820432663, -0.0188185665756464, -0.020846232771873474, -0.0369308665394783, -0.005934910848736763, 0.007934099063277245, 0.01924004778265953, 0.006715220864862204, 0.009802285581827164, -0.006145651452243328, 0.010827510617673397, -0.011015468277037144, -0.007216441445052624, -0.03159969672560692, 0.05741257220506668, -0.013214005157351494, -0.019638745114207268, 0.006897483021020889, 0.017952820286154747, 0.00903906300663948, 0.004716032650321722, 0.019900746643543243, 0.04474535584449768, 0.03592842444777489, 0.04720589518547058, -0.014056967571377754, -0.004140767734497786, 0.0005848763394169509, 0.03873070329427719, 0.010548421181738377, 0.034812066704034805, -0.004921077750623226, -0.0017172510270029306, -0.014273404143750668, 0.005430842284113169, 0.028911331668496132, -0.006191216874867678, 0.031052911654114723, 0.011567950248718262, 0.023762425407767296, -0.006401957478374243, -0.01045159436762333, -0.027954455465078354, 0.005242884159088135, -0.010371854528784752, -0.017599686980247498, -0.02856959030032158, -0.014626536518335342, 0.015344194136559963, 0.028501242399215698, 0.01938813552260399, -0.03032386302947998, 0.03570059686899185, 0.017189597710967064, -0.00029315013671293855, -0.03141743689775467, 0.025448350235819817, 0.010514247231185436, 0.028364544734358788, -0.03000490367412567, 0.01126038283109665, -0.009033367037773132, -0.009682675823569298, -0.028911331668496132, -0.02617739886045456, 0.01030920259654522, 0.012040692381560802, 0.0013007536763325334, 0.006339305080473423, -0.04278603568673134, 0.028045587241649628, 0.01928561180830002, 0.04141907021403313, -0.01202930137515068, -0.046704672276973724, 0.027703845873475075, 0.015822632238268852, 0.008110664784908295, 0.01696177013218403, -0.014273404143750668, -0.02385355718433857, -0.02490156516432762, 0.02078927494585514, 0.016403593122959137, 0.014637927524745464, -0.00612286850810051, -0.050532177090644836, 0.002516071777790785, -0.010981293395161629, -0.044836487621068954, 0.012017909437417984, 0.011288860812783241, -0.021085450425744057, -0.0009219901403412223, 0.03175917640328407, 0.026906447485089302, 0.017599686980247498, 0.00014470616588369012, 0.009608631953597069, -0.007028483785688877, -0.046704672276973724, -0.007615140173584223, -0.004602118860930204, 0.011710342019796371, -0.004590727388858795, 0.010650943964719772, 0.02227015420794487, 0.026017921045422554, -0.022315720096230507, -0.009762415662407875, 0.0044625746086239815, -0.0009234140161424875, 0.027362102642655373, -0.035905640572309494, 0.015606195665895939, 0.002340929349884391, -0.0033006533049046993, -0.024195298552513123, 0.01202930137515068, 0.004009766969829798, 0.02592678926885128, 0.02606348507106304, 0.03957366570830345, -0.00965989287942648, 0.014170881360769272, 0.01289504673331976, -0.04376569762825966, 0.020185532048344612, -0.019604571163654327, 0.009716850705444813, -0.03057447448372841, 0.001771360170096159, -0.003827504813671112, 0.019410917535424232, -0.027498800307512283, 0.025676177814602852, 0.016164373606443405, 0.013339309953153133, 0.004576488398015499, 0.004792924504727125, 0.028615156188607216, -0.012109041213989258, 0.026997579261660576, 0.010742074809968472, 0.01871604286134243, 0.0032807185780256987, -0.024035818874835968, -0.008059403859078884, 0.019331177696585655, 0.010554117150604725, 0.02895689755678177, -0.025767309591174126, 0.023511815816164017, -0.009705458767712116, 5.370859435060993e-05, -0.024810433387756348, 0.014797407202422619, -0.02065257914364338, 0.02328398823738098, 0.011157860048115253, 0.03576894477009773, -0.0027154211420565844, -0.004206268582493067, -0.0018012624932453036, -0.0024662346113473177, 0.0006080151069909334, 0.02968594618141651, -0.004824250936508179, -0.0038588312454521656, -0.010246549732983112, -0.021222148090600967, -0.0074727474711835384, -0.00832140538841486, -0.0038673747330904007, 0.018089517951011658, -0.005160296801477671, 0.024423126131296158, 0.008315710350871086, -0.016859248280525208, 0.02051588147878647, -0.004229051060974598, -0.009978852234780788, 0.0011398503556847572, -0.016825074329972267, 0.007381616625934839, -0.007096832152456045, -0.01386331394314766, 0.027886107563972473, -6.687988206977025e-05, -0.02909359335899353, 0.04123681038618088, 0.007444269023835659, -0.01942230947315693, 0.02124493010342121, 0.002536006737500429, -0.021723369136452675, -0.015492281876504421, 0.07117336243391037, -0.008982106111943722, 0.05226366966962814, 0.017144031822681427, 0.02708871103823185, -0.042899951338768005, -0.006322218105196953, -0.002527463249862194, -0.03148578479886055, 0.002906226785853505, -0.000356692704372108, 0.0615590363740921, -0.0018767304718494415, 0.03595120832324028, -0.010895858518779278, 0.006624089553952217, -0.007375921122729778, -0.008406841196119785, -0.0010394637938588858, 0.020242488011717796, -0.017747776582837105, 0.029959339648485184, 0.02973151206970215, 0.021734759211540222, -0.017747776582837105, -0.01597071997821331, 0.03647521138191223, 0.012917828746140003, 0.009209933690726757, -0.020607013255357742, -0.024423126131296158, 0.014877147041261196, 0.001109236036427319, -0.0014573851367458701, 0.010400333441793919, 0.00406387634575367, 0.0009355173679068685, 0.03173639625310898, -0.01688203029334545, -0.006589915603399277, 0.00543653778731823, 0.006635481026023626, 0.00696583092212677, -0.013692443259060383, 0.008685929700732231, 0.013943053781986237, 0.006037433166056871, -0.020151358097791672, 0.03485763445496559, 0.003477219957858324, -0.0001623272110009566, 0.015742892399430275, -0.005818149074912071, 0.0029247377533465624, 0.004382834769785404, -0.02508382685482502, -0.006612698081880808, 0.07076327502727509, 0.024035818874835968, 0.007148093078285456, -0.00281936745159328, -0.0030756734777241945, 0.009301064535975456, -0.004522379487752914, 0.00225976575165987, 0.00026947743026539683, -0.0049239257350564, 0.006345000583678484, -0.004240442533046007, -0.02328398823738098, 0.010075679048895836, -0.022156240418553352, 0.03401467204093933, 0.019297003746032715, -0.022816941142082214, 0.001829740940593183, -0.0005656533758156002, -0.017314903438091278, -0.004491053055971861, 0.0025886918883770704, 0.009967460297048092, -0.013920270837843418, -0.00775753241032362, 0.01261026132851839, 0.0010060016065835953, 0.0054792556911706924, -0.015264454297721386, -0.02055005542933941, -0.001141986227594316, -0.024149732664227486, -0.01579984836280346, 0.026610272005200386, 0.024810433387756348, 0.03246544301509857, 0.03613346815109253, 0.00215012370608747, -0.033969104290008545, 0.016209939494729042, 0.015856806188821793, -0.014216447249054909, 0.010457290336489677, -0.03137186914682388, 0.005855171009898186, 0.004234747029840946, 0.0021985371131449938, 0.0017286424990743399, -0.008441015146672726, 0.003314892528578639, -0.0016830769600346684, 0.014569579623639584, -0.03841174393892288, -0.012405216693878174, 0.017360469326376915, -0.01878439076244831, -0.013134265318512917, 0.010275027714669704, -0.0009960341267287731, -0.018932480365037918, -0.013783574104309082, -0.004730272106826305, 0.003830352798104286, 0.011283165775239468, -0.05144348740577698, -0.006162738427519798, -0.014603753574192524, 0.03198700398206711, -0.03499433025717735, 0.009215629659593105, 0.012655827216804028, 0.0369536466896534, -0.018305953592061996, 0.03943696990609169, 0.0008315710001625121, 0.00828723143786192, 0.0001845760125434026, 0.014877147041261196, -0.013214005157351494, -0.017850298434495926, 0.021165190264582634, -0.01906917616724968, -0.031645264476537704, 0.015720108523964882, -0.04693249985575676, -0.02055005542933941, 0.007632227148860693, 0.029389770701527596, -0.0344703271985054, -0.01730351150035858, 0.040895067155361176, 0.023101726546883583, -0.0191716980189085, 0.00830431841313839, 0.015697326511144638, 0.008013837970793247, -0.03738652169704437, -0.03109847754240036, 0.017497165128588676, 0.014592362567782402, -0.004579336382448673, -0.011790081858634949, -0.014911320991814137, -0.007814489305019379, -0.03665747120976448, 0.006749394815415144, -0.01843125931918621, 0.01509358361363411, -0.006345000583678484, 0.04228481650352478, 0.016471941024065018, 0.010679421946406364, -0.027954455465078354, 0.0008806963451206684, 0.006829134654253721, 0.02631409652531147, -0.0013456072192639112, 0.015082191675901413, -0.010200983844697475, 0.02324981428682804, -0.005744105204939842, -0.017895864322781563, 0.03476650267839432, 0.015469498932361603, 0.005735561717301607, -0.03529050573706627, -0.013977227732539177, 0.033855192363262177, -0.00369365606456995, -0.0042746164835989475, -0.005257123615592718, 0.014182272367179394, 0.006567132659256458, 0.006185521371662617, -0.00737022515386343, 0.00812775269150734, 0.014763233251869678, -0.0069829183630645275, -0.028022803366184235, 0.036247383803129196, 0.022179024294018745, 0.005718474742025137, 0.047479286789894104, -0.024286430329084396, -0.026860883459448814, -0.008116360753774643, -0.036361295729875565, 0.04752485081553459, 0.0024633866269141436, -0.02132466994225979, -0.00601465068757534, 0.004619205836206675, -0.0035284811165183783, 0.018100908026099205, -0.029207507148385048, 0.009631414897739887, -0.016027675941586494, -0.01671116054058075, -0.02772662788629532, -0.014136707410216331, 0.005484951194375753, -0.01777055859565735, 0.010850292630493641, 0.02553948201239109, 0.018203431740403175, -0.009563066996634007, 0.045998405665159225, -0.012291302904486656, 0.04062167555093765, -0.013646877370774746, -0.005302689038217068, 0.004710337147116661, 0.06429296731948853, -0.06415627151727676, -0.040826719254255295, 0.027749409899115562, -0.005578930024057627, 0.008520754985511303, -0.006008954718708992, 0.021290495991706848, -0.014148098416626453, 0.018989436328411102, -0.0013327918713912368, 0.011790081858634949, -0.0172351635992527, -0.012063475325703621, -0.0009198542102240026, 0.0036395471543073654, 0.017576904967427254, -0.03686251863837242, -0.023158682510256767, -0.0013861890183761716, 0.025038260966539383, -0.006777873262763023, 0.008406841196119785, -0.004710337147116661, 0.005279906094074249, -0.014592362567782402, 0.014432882890105247, -0.04123681038618088, 0.00983076449483633, 0.010178200900554657, -0.025357220321893692, 0.02265746146440506, 0.012655827216804028, -0.01561758667230606, 0.02127910405397415, -0.013555746525526047, 0.00997315626591444, -0.01942230947315693, -0.01938813552260399, 0.0036480906419456005, 0.006800656206905842, 0.015070800669491291, 0.043013863265514374, -0.031212391331791878, 0.01639220118522644, 0.024924347177147865, 0.010098461993038654, -0.004240442533046007, 0.04766155034303665, -0.011106599122285843, -0.027589932084083557, 0.01173312496393919, -0.0300732534378767, -0.035131026059389114, -0.044699788093566895, -0.012348259799182415, 0.01289504673331976, 0.008657451719045639, 0.05545325577259064, -0.011949561536312103, 0.005504886154085398, 0.03873070329427719, -0.016335243359208107, -0.01622132956981659, -0.01087307557463646, -0.0015834022779017687, -0.006555741187185049, -0.018795782700181007, 0.02645079232752323, -0.004374291282147169, -0.010787640698254108, -0.030665604397654533, 0.042125336825847626, 0.011482514441013336, 0.021449975669384003, 0.023557381704449654, -0.0073930080980062485, 0.006345000583678484, 0.020834840834140778, 0.011112295091152191, -0.02117658220231533, -0.003719286760315299, -0.010662334971129894, -0.010645247995853424, 0.027316538617014885, 0.005117578897625208, 0.0017813276499509811, -0.007136702071875334, -0.003141174092888832, -0.0014139554696157575, 0.0070626577362418175, 0.018180647864937782, 0.006817743182182312, -0.005123274866491556, 0.07190241664648056, -0.034174151718616486, -0.004411313217133284, -0.027908889576792717, -0.026860883459448814, -0.04499596357345581, 0.0253344364464283, -0.009733937680721283, 0.016904814168810844, 0.0023879187647253275, -0.02902524545788765, -0.0031212391331791878, 0.0351765938103199, -0.01377218309789896, 0.031075693666934967, 0.0035911337472498417, 0.002644225023686886, -0.014307578094303608, -0.0065044802613556385, 0.005231493152678013, 0.012530522421002388, -0.02318146638572216, 0.02522052265703678, 0.011288860812783241, -0.01419366430491209, -0.003047195030376315, 0.01703011803328991, -0.012564696371555328, 0.0033376754727214575, -0.0006574964500032365, -0.042831603437662125, -0.016973162069916725, 0.04144185408949852, 0.0002723252691794187, 0.007102527655661106, -0.010275027714669704, -0.018123691901564598, -0.0019877965096384287, 0.028865765780210495, 0.0035370246041566133, -0.0012971938122063875, -0.016950378194451332, -0.04779824614524841, 0.003961353562772274, -0.036680255085229874, 0.009648501873016357, -0.0037904828786849976, 0.019251437857747078, 0.04975756257772446, 0.011972344480454922, 0.00916436780244112, 0.014068358577787876, -0.02304476872086525, -0.020060226321220398, 0.003263631369918585, -0.043150562793016434, 0.014626536518335342, -0.066844642162323, 0.020288053900003433, -0.001939383102580905, -0.0011654809350147843, 0.008218883536756039, -0.013373484835028648, 0.027658279985189438, 0.01889830455183983], "79b10ad5-6204-4319-b7ff-1168bb0268ba": [0.02774440124630928, 0.015333113260567188, 0.043749794363975525, 0.023943444713950157, -0.002967073814943433, 0.007252846844494343, 0.007795840967446566, -0.0232453104108572, -0.009049898013472557, 0.0344671830534935, 0.04718875512480736, -0.07824283093214035, -0.07451944798231125, 0.00993549544364214, 0.05230841040611267, 0.03301919996738434, -0.014402266591787338, 0.01603124849498272, -0.08760301023721695, 0.00826126430183649, 0.040931396186351776, 0.07979424297809601, -0.005523669999092817, 0.0010722513543441892, 0.00041128555312752724, -0.008047944866120815, -0.02552071213722229, -0.025986135005950928, 0.01782829873263836, -0.0043083978816866875, 0.03643230348825455, -0.01993563212454319, -0.0409572534263134, 0.011583869345486164, -0.002184903947636485, -0.0011603261809796095, -0.05062771588563919, 0.057557351887226105, 0.035760026425123215, -0.023801231756806374, -0.028235681354999542, 0.01537189818918705, 0.0012104238849133253, -6.302607653196901e-05, -0.021163832396268845, 0.04250866547226906, -0.009282609447836876, -0.02576635219156742, -0.016380315646529198, 0.03172635659575462, -0.05228255316615105, 0.056833360344171524, -0.01537189818918705, 0.04018154740333557, 0.05554051697254181, 0.04155195876955986, -0.0032854361925274134, -0.007459701504558325, 0.02270231582224369, -0.04630962014198303, 0.02911481447517872, 0.004722107667475939, -0.04271551966667175, 0.012779748998582363, 0.018927214667201042, 0.01384634431451559, -0.03891456127166748, 0.011241266503930092, 0.001588580315001309, -0.006102216895669699, -0.027589261531829834, 0.054247673600912094, 0.03940584138035774, 0.018655719235539436, -0.015552896074950695, -0.007485558744519949, 0.05336854234337807, -0.02683941274881363, 0.03674258664250374, -0.003691065590828657, 0.016535457223653793, -0.05853991210460663, -0.0362771637737751, -0.005559223238378763, 0.013794630765914917, -0.018578147515654564, -0.0380871407687664, -0.01741459034383297, -0.0670209601521492, -0.05879848077893257, -0.028002969920635223, 0.046800900250673294, -0.020504483953118324, 0.04406007379293442, 0.03182978555560112, -0.023465093225240707, -0.022172249853610992, -0.024951862171292305, -0.00265032728202641, 0.032398633658885956, 0.04540463164448738, -0.012495323084294796, 0.014453980140388012, -0.0071041700430214405, 0.05429938808083534, 0.012029900215566158, -0.012572893872857094, -0.012508251704275608, 0.015139186754822731, -0.013167602010071278, -0.04227595403790474, -0.0011974954977631569, -0.005607704631984234, 0.02378830313682556, 0.04607690870761871, 0.01586317829787731, 0.01747923158109188, -0.03674258664250374, 7.752005330985412e-05, -0.048921164125204086, -0.03705286979675293, 0.00010186185681959614, -0.01868157461285591, -0.054557956755161285, -0.009140397422015667, 0.01830665022134781, 0.0040627578273415565, 0.02965780906379223, -0.024951862171292305, -0.023982230573892593, 0.0019586565904319286, -0.007078313268721104, -0.009166253730654716, -0.0270204097032547, -0.034260328859090805, -0.007550200447440147, 0.023646090179681778, 0.004764124751091003, -0.049024589359760284, -0.04832645505666733, 0.02107333391904831, 0.0005781430518254638, -0.011002090759575367, 0.03614787757396698, 0.00020705681527033448, 0.02354266308248043, -0.017750728875398636, -0.012650464661419392, 0.019909774884581566, -0.0539373941719532, 0.00496774772182107, 0.007737662643194199, -0.021771468222141266, 0.024706222116947174, 0.012055757455527782, -0.009748033247888088, 0.00030563605832867324, 0.059419043362140656, -0.02810639701783657, 0.02018127217888832, -0.06593497097492218, -0.013380920514464378, 0.025417285040020943, 0.003645816119387746, 0.008843042887747288, -0.05055014416575432, -0.014169554226100445, -0.017931725829839706, -0.03586345165967941, -0.006144234444946051, -0.02924409881234169, -0.04576662555336952, -0.050524286925792694, -0.024848435074090958, 0.03899213299155235, -0.00961228460073471, 0.0006637938786298037, -0.05207569897174835, 0.0033032128121703863, -0.01820322312414646, -0.001772810355760157, 0.0026600235141813755, -0.016949165612459183, -0.019263355061411858, 0.029269956052303314, -0.026942839846014977, 0.008933542296290398, 0.03844913840293884, -0.01608296111226082, 0.024589866399765015, 0.01915992796421051, -0.02456400915980339, -0.01480304729193449, -0.05879848077893257, -0.03997469320893288, -0.030407657846808434, 0.030950650572776794, 0.01407905574887991, -0.055850800126791, -0.014169554226100445, 0.018694503232836723, -0.0195736363530159, 0.02996809035539627, 0.026916982606053352, -0.0013316278345882893, -0.026891125366091728, -0.03728558123111725, -0.013523133471608162, 0.010110029019415379, -0.031002365052700043, 0.03710458055138588, -0.02624470368027687, 0.0008613563841208816, 0.05067943036556244, -0.03676844388246536, 0.03314848244190216, -0.002341661136597395, 0.013859272934496403, 0.0025355874095112085, 0.0014310150872915983, 0.028364965692162514, -0.020336413756012917, 0.012450073845684528, 0.033303625881671906, -0.01975463517010212, 0.05150684714317322, 0.03622544929385185, 0.02630934678018093, -0.0005692547420039773, -0.05285140499472618, 0.015397755429148674, 0.06355614215135574, -0.020258843898773193, 0.03177807107567787, 0.04046597331762314, -0.029993947595357895, 0.024900147691369057, 0.03115750662982464, -0.04056939855217934, -0.003972258884459734, -0.01468669157475233, 0.025417285040020943, -0.009179182350635529, 0.01873328909277916, -0.01237250305712223, -0.004489395767450333, -0.02461572363972664, -0.04695604369044304, 0.02258596010506153, -0.03092479519546032, -0.00541701028123498, -0.024654507637023926, 0.012411288917064667, -0.04281894490122795, -0.029631951823830605, -0.054919954389333725, 0.03625130653381348, 0.03987126424908638, 0.007621306926012039, -0.03193321079015732, 0.03868184983730316, 0.022922098636627197, -0.06546954810619354, 0.007188204675912857, -0.05709192901849747, 0.023219453170895576, 0.0009074138943105936, -0.015514111146330833, -0.028002969920635223, 0.04214666783809662, 0.01083402056246996, 0.060556747019290924, 0.014751333743333817, 0.018616933375597, -0.015397755429148674, 0.0121268630027771, -0.009146860800683498, 0.0019489602418616414, 0.01060130912810564, 0.0024499366991221905, -0.02769268862903118, -0.002063699997961521, 0.020556196570396423, 0.04121582210063934, 0.03454475477337837, -0.010704736225306988, 0.010213456116616726, 0.008603867143392563, 0.022986741736531258, 0.03994883596897125, -0.00993549544364214, -0.019315067678689957, -0.03472575172781944, -0.010478489100933075, 0.05921218916773796, -0.015656324103474617, 0.01705259457230568, -0.013070638291537762, 0.0027343621477484703, 0.0019360317382961512, -0.004150024615228176, 0.02546899951994419, -0.04390493407845497, 0.006490069907158613, -0.014453980140388012, 0.0034228006843477488, 0.007711805868893862, 0.001926335389725864, -0.002540435642004013, -0.03837156668305397, 0.0344671830534935, 0.008248335681855679, 0.006871458142995834, -0.03560488298535347, 0.020763052627444267, -0.039431698620319366, -0.006367249879986048, -0.026464488357305527, 0.019315067678689957, -0.008002695627510548, -0.01063363067805767, -0.004127399995923042, -0.013587775640189648, 0.01616053283214569, 0.005481652449816465, -0.00100195303093642, -0.0011675984133034945, 0.0029379846528172493, -0.03400176018476486, 0.017854155972599983, -0.034079331904649734, 0.002498418325558305, -0.0032595794182270765, 0.016057105734944344, 0.013639489188790321, 0.04961929842829704, 0.0023319649044424295, 0.02268938720226288, 0.006496533751487732, -0.005830720067024231, -0.049386586993932724, -0.04835231229662895, 0.04475821182131767, -0.0040627578273415565, -0.01669059693813324, -0.06490069627761841, -0.016677670180797577, 0.049696870148181915, 0.03697529807686806, 0.06221158429980278, 0.010051851160824299, 0.018526434898376465, -0.010323348455131054, 0.037802718579769135, -0.009030505083501339, 0.009476535953581333, 0.011234802193939686, -0.07301975041627884, -0.03206249698996544, 0.004725339822471142, -0.04773174971342087, -0.007660092320293188, 0.018578147515654564, 0.049567583948373795, 0.002942832885310054, 0.05166199058294296, -0.08724101632833481, -0.049696870148181915, 0.005779006518423557, 0.005258637014776468, 0.01802222616970539, -0.05466138571500778, 0.00813197996467352, 0.011364086531102657, -0.043749794363975525, -0.018267866224050522, 0.03640644624829292, 0.03754414990544319, 0.015527039766311646, 0.03358805179595947, 0.0705374926328659, -0.0006145042134448886, 0.0010884118964895606, -0.051248278468847275, 0.038397423923015594, 0.04424107447266579, -0.03777686133980751, 0.0020620839204639196, -0.00589859439060092, 0.006467444822192192, -0.003684601280838251, 0.002768299076706171, 0.015772679820656776, 0.007188204675912857, 0.046025194227695465, 0.023258237168192863, 0.015656324103474617, 0.06371128559112549, 0.0297870934009552, -0.05512680858373642, 0.020918192341923714, -0.02089233696460724, -0.020788908004760742, 0.008791329339146614, -0.0030688850674778223, 0.007750591263175011, 0.009767425246536732, -0.0020830926951020956, 0.0614875927567482, -0.023503877222537994, 0.012301397509872913, -0.01051080971956253, 0.02263767272233963, -0.012896104715764523, -0.005879201460629702, -0.07017549872398376, 0.021176761016249657, 0.0653144046664238, -0.015126258134841919, -0.04589591175317764, 0.032217636704444885, -0.04377565160393715, 0.011842438019812107, -0.02060791105031967, -0.07482972741127014, 0.01339384913444519, -0.02864939160645008, 0.00471241120249033, 0.013678274117410183, -0.023335808888077736, -0.045430488884449005, 0.044654782861471176, 0.024227870628237724, -0.035398028790950775, -0.010737057775259018, -0.011538620106875896, 0.04863673821091652, -0.032036639750003815, -0.0014310150872915983, -0.006768031045794487, -0.02365901879966259, 0.0190435703843832, -0.014906475320458412, -0.01710430718958378, -0.006683995947241783, -0.0016709989868104458, 0.013167602010071278, -0.03513946011662483, 0.046800900250673294, 0.026451559737324715, -0.026167133823037148, 0.0019845133647322655, 0.05003300681710243, 0.046800900250673294, -0.026503272354602814, 0.005775774363428354, 0.047473181039094925, -0.021991252899169922, 0.005530134309083223, -0.01159033365547657, 0.002021682681515813, 0.05616108328104019, 0.055695656687021255, -0.00891414936631918, 0.0446806401014328, 0.03586345165967941, -0.027640974149107933, 0.002352973446249962, -0.026257632300257683, 0.04018154740333557, -0.0011134606320410967, 0.005310351029038429, 0.03369147703051567, -0.020737195387482643, -0.014673762954771519, -0.006105449050664902, -0.013471419923007488, -0.015139186754822731, -0.029450954869389534, -0.047524891793727875, 0.002501650480553508, -0.05910876393318176, -0.03622544929385185, -0.02006491646170616, 0.04912801831960678, -0.005038853734731674, 0.009036969393491745, 0.023801231756806374, -0.016121746972203255, 0.037259723991155624, -0.013432634063065052, 0.021241404116153717, 0.02402101457118988, -0.012986604124307632, -0.0025307394098490477, -0.0269686970859766, -0.038345709443092346, -0.008248335681855679, -0.013264564797282219, 0.02041398361325264, -0.051429279148578644, -0.02174561284482479, 0.028261538594961166, -0.0419139564037323, 0.01976756379008293, 0.002301259897649288, 0.0012411288917064667, -0.04449964314699173, -0.05023986101150513, -0.02846839278936386, 0.0380871407687664, 0.03583759814500809, 0.03992297872900963, -0.009838531725108624, -0.026865268126130104, 0.03110579214990139, 0.006557943765074015, 0.01736287586390972, -0.029450954869389534, -0.012592286802828312, -0.005846880376338959, -0.02509407512843609, -0.017634373158216476, -0.01603124849498272, -0.01794465444982052, -0.02433129772543907, 0.015397755429148674, 0.021215546876192093, -0.01548825390636921, -0.015320184640586376, 0.030795510858297348, 0.004877248778939247, 0.02192660979926586, -0.009547642432153225, 0.006813280284404755, -0.026684271171689034, -0.009205039590597153, -0.01820322312414646, 0.0035617812536656857, -0.003587638260796666, -0.0168069526553154, -0.035579029470682144, 0.053420256823301315, 0.0034518896136432886, 0.017699014395475388, 0.004476467613130808, 0.010000137612223625, 0.038578420877456665, -0.006399570964276791, -0.006606425624340773, 0.0007526768022216856, 0.011493370868265629, -0.010821091942489147, 0.03418275713920593, -0.010517274029552937, 0.0242537260055542, 0.008060873486101627, 0.012243219651281834, -0.01371705997735262, -0.016962094232439995, 0.0380871407687664, 0.003471282310783863, 0.027485832571983337, -0.013665346428751945, -0.029502667486667633, 0.06076360121369362, -0.04377565160393715, -0.04367222264409065, -0.010665951296687126, 0.006722781341522932, 0.018397150561213493, 0.003642583964392543, -0.039250701665878296, -0.08641359955072403, 0.00047309958608821034, -0.015475325286388397, -0.03431204333901405, 0.005513973534107208, 0.03229520842432976, 0.020026132464408875, -0.017065521329641342, -0.012592286802828312, 0.017246520146727562, 0.02491307631134987, -0.03793200105428696, 0.0003773484204430133, 0.02000027522444725, -0.018423005938529968, 0.0012799141695722938, -0.017582658678293228, 0.00674217427149415, -0.030536942183971405, 0.015048687346279621, 0.0653144046664238, -0.00843579787760973, 0.023322880268096924, -0.03332948312163353, 0.017918799072504044, 0.014169554226100445, 0.016962094232439995, 0.0335104800760746, 0.012411288917064667, -0.009689855389297009, -0.03625130653381348, 0.004392432514578104, 0.014570335857570171, 0.02906310185790062, -0.017388733103871346, 0.01970292069017887, -0.0007054072339087725, 0.018810858950018883, -0.03674258664250374, 0.010258706286549568, -0.0075566647574305534, -0.03974198177456856, -0.008332370780408382, -0.027537547051906586, 0.011551548726856709, -0.015410683117806911, 0.010653022676706314, 0.037751004099845886, 0.0373372919857502, 0.007401523645967245, -0.027537547051906586, 0.08067337423563004, -0.014453980140388012, -0.01491940300911665, -0.02161632850766182, -0.0029654577374458313, 0.0015449469210579991, 0.004204970318824053, -0.003222410101443529, 0.027589261531829834, -0.030459370464086533, 0.016729382798075676, 0.019315067678689957, 0.0007757055573165417, -0.018539363518357277, 0.039302416145801544, -0.05111899599432945, -0.009722176007926464, -0.045249491930007935, -0.02197832427918911, -0.0111701600253582, 0.03327776864171028, -0.030278373509645462, 0.04736975207924843, 0.027356548234820366, 0.005830720067024231, -0.03343290835618973, -0.030898937955498695, -0.033536337316036224, 0.03033008612692356, -0.047292180359363556, 0.03738900646567345, -0.033536337316036224, -0.03141607344150543, -0.016535457223653793, -0.00032826082315295935, -0.0015724197728559375, -0.014466908760368824, 0.01945728063583374, 0.00855215359479189, 0.0017324091168120503, -0.0013017308665439487, -0.028183968737721443, 0.024887219071388245, 0.006460980977863073, 0.019664134830236435, -0.014699620194733143, -0.08072508871555328, 0.020672552287578583, 0.005753149278461933, 0.004686554428189993, -0.04672333225607872, 0.013820487074553967, 0.03332948312163353, -0.030614512041211128, 0.005517205689102411, 0.0059212190099060535, -0.02769268862903118, -0.015022831037640572, -0.03157121688127518, -0.008662045001983643, -0.016018319875001907, -0.001683927490375936, 0.05409253388643265, 0.0073562744073569775, 0.00538792135193944, -0.00852629728615284, 0.01903064362704754, -0.017427517101168633, 0.004725339822471142, -0.05729878321290016, 0.00026018457720056176, 0.04426693171262741, -0.01891428604722023, 0.0005195611156523228, -0.017970511689782143, -0.06779666244983673, -0.0363805890083313, -0.019547779113054276, 0.015591681934893131, -0.05471309646964073, -0.050058864057064056, -0.004463538993149996, 0.010025993920862675, 0.05626450851559639, 0.0007276279502548277, 0.013807558454573154, 0.017789514735341072, 0.0038106534630060196, 0.010956840589642525, -0.01688452437520027, -0.01710430718958378, 0.02018127217888832, -0.003923777025192976, 0.006819744594395161, 0.014958188869059086, -0.03795785829424858, 0.02522335946559906, 0.03105407953262329, 0.009386037476360798, -0.014596193097531796, 0.031260933727025986, 0.009302002377808094, -0.040621113032102585, 0.002280251123011112, -0.014738405123353004, 0.00442798575386405, -0.02120261825621128, 0.013923914171755314, 0.010950376279652119, 0.0018503809114918113, -0.01998734660446644, 0.03428618609905243, -0.02593442238867283, -0.00397872319445014, -0.038397423923015594, -0.019069427624344826, 0.00538792135193944, -0.032993342727422714, 0.013613631948828697, 0.011525691486895084, 0.019379710778594017, 0.035398028790950775, 0.024098586291074753, -0.00048239188618026674, -0.028494250029325485, 0.0148935467004776, 0.033950045704841614, 0.011008554138243198, -0.0020346110686659813, 0.0213836170732975, 0.036354731768369675, -0.0028297090902924538, -0.043620508164167404, 0.0005090567865408957, 0.008183693513274193, -0.015152115374803543, 0.008539224974811077, 0.09189525246620178, -0.03581174090504646, 0.031622931361198425, -0.0068973153829574585, -0.009444215334951878, 0.015022831037640572, -0.013975628651678562, 0.03578588366508484, -0.016238102689385414, 0.024046871811151505, -0.024667436257004738, 0.028726961463689804, 0.04628376290202141, 0.07762227207422256, -0.017789514735341072, 0.02137068845331669, -0.011338229291141033, 0.01734994724392891, 0.0004533029277808964, -0.03177807107567787, -0.008603867143392563, -0.007052456494420767, -0.02197832427918911, -0.02846839278936386, 0.03164878487586975, 0.011609726585447788, -0.03508774936199188, 0.0038462067022919655, -0.01980634778738022, -0.029347525909543037, -0.006444820202887058, -0.011118446476757526, 0.015294327400624752, -0.008791329339146614, 0.0088559715077281, 0.0077699837274849415, -0.02390465885400772, 0.04455135390162468, 0.015527039766311646, 0.015565824694931507, 0.010439704172313213, -0.01688452437520027, 0.028390822932124138, -0.015048687346279621, 0.0071041700430214405, 0.024344226345419884, 0.06278043240308762, -0.012831462547183037, -0.03128679096698761, -0.0068391370587050915, 0.016470814123749733, -0.005229548085480928, -0.014971117489039898, 0.004916033707559109, 0.03459646925330162, 0.022004181519150734, -0.0242537260055542, -0.022366177290678024, -0.015604609623551369, 0.03940584138035774, -0.014466908760368824, -0.011318836361169815, -0.01825493760406971, -0.05507509410381317, 0.03206249698996544, -0.025714639574289322, 0.007427380420267582, -0.00942482240498066, 0.00459605548530817, 0.004951586946845055, 0.03195906803011894, 0.019198711961507797, -0.03451889753341675, -0.0037751002237200737, 0.018991857767105103, -0.006480373442173004, 0.022922098636627197, 0.04331022500991821, 0.008868900127708912, 0.01480304729193449, -0.026684271171689034, -0.018694503232836723, 0.023284094408154488, 0.006341392640024424, 0.003269275650382042, 0.008881828747689724, -0.012721571139991283, 0.011331764981150627, 0.0016144372057169676, 0.012501787394285202, 0.00925028882920742, -0.012488859705626965, -0.025249214842915535, 0.034027617424726486, 0.013064173981547356, -0.01746630296111107, 0.02588270790874958, 0.005875969305634499, -0.023103097453713417, 0.009748033247888088, 0.006160394754260778, -0.007226990070194006, -0.021344831213355064, 0.005633561406284571, -0.02456400915980339, 0.011105517856776714, 0.0038849918637424707, -0.006557943765074015, 0.010536666959524155, 0.023025525733828545, 0.031907353550195694, 0.02870110608637333, -0.029502667486667633, -0.020026132464408875, 0.014880618080496788, 0.014466908760368824, -0.015889035537838936, 0.020388128235936165, -0.03604445233941078, 0.009295538067817688, -0.014376409351825714, -0.014751333743333817, -0.010678879916667938, 0.004492627922445536, -0.02852010726928711, -0.019315067678689957, 0.014738405123353004, -0.01387220062315464, 0.010607773438096046, 0.03583759814500809, 0.006596729159355164, 0.026205919682979584, 0.022611817345023155, 0.0011490138713270426, 0.03459646925330162, 0.007821697741746902, 0.04907630383968353, 0.006910243537276983, 0.011092589236795902, 0.016225174069404602, 0.010155278258025646, -0.02227567695081234, 0.03105407953262329, 0.003442193381488323, 0.00894647091627121, 0.03573416918516159, -0.002700424985960126, 0.0025275072548538446, 0.043568793684244156, -0.004250220023095608, -0.02906310185790062, 0.04227595403790474, 0.011823045089840889, 0.014195411466062069, 0.028752818703651428, -0.0335104800760746, -0.0049936044961214066, 0.0390438474714756, -0.0008108547190204263, 0.04217252507805824, -0.0298388060182333, 0.017091378569602966, -0.013161137700080872, 0.01086634211242199, -0.0035553171765059233, 0.014867689460515976, -0.010943912900984287, -0.006884386762976646, -0.030588654801249504, 0.01772487163543701, -0.018655719235539436, 0.02395637333393097, 0.031984925270080566, -0.03441546857357025, 0.0005704668001271784, -0.005788702517747879, -0.009411893784999847, 0.007647163700312376, -0.008474582806229591, -0.01729823462665081, 0.007588985841721296, -0.019250426441431046, 0.0010803316254168749, 0.03650987520813942, -0.002217225031927228, 0.004179113544523716, -0.0039496342651546, 0.001414046622812748, 0.022017108276486397, 0.015384826809167862, -0.030123231932520866, -0.016186388209462166, -0.026102492585778236, -0.02161632850766182, 0.006609657779335976, 0.023568520322442055, -0.015837321057915688, -0.0014552559005096555, -0.011002090759575367, 0.005591544322669506, -0.004133864305913448, -0.00868143793195486, -0.03188149631023407, 0.03338119387626648, -0.01698795147240162, -0.006221804767847061, 0.018810858950018883, 0.006819744594395161, 0.02054326795041561, 0.00984499603509903, 0.030304230749607086, 0.01632860116660595, 0.03873356431722641, 0.03922484442591667, 0.009056362323462963, 0.00589859439060092, -0.0084034763276577, 0.01886257342994213, 0.0139885563403368, 0.01176486723124981, 0.02166804112493992, 0.005206923466175795, -0.003946402110159397, 0.01014881394803524, 0.01915992796421051, -0.010756450705230236, 0.013613631948828697, 0.03899213299155235, 0.02522335946559906, 0.0269686970859766, -0.0027408262249082327, -0.017699014395475388, -0.02576635219156742, -0.0025808371137827635, -0.03826814144849777, -0.03232106566429138, -0.01263753604143858, 0.017065521329641342, 0.020207129418849945, 0.02113797701895237, -0.040853824466466904, 0.03454475477337837, 0.003542388556525111, -0.007944517768919468, -0.006755102425813675, -0.0073174890130758286, -0.0017097842646762729, 0.02947681024670601, -0.023827088996767998, 0.014298838563263416, 0.006729245651513338, -0.02318066731095314, -0.0068973153829574585, -0.028623534366488457, 0.0063737137243151665, -0.008177229203283787, 0.011971722356975079, -0.0008516600355505943, -0.0326572023332119, 0.007233454380184412, 0.02725312113761902, 0.028959672898054123, -0.02359437756240368, -0.03038180060684681, 0.03195906803011894, 0.021125048398971558, 0.01614760421216488, 0.014027342200279236, -0.014932331629097462, -0.016781097277998924, -0.014906475320458412, 0.006098984740674496, 0.03343290835618973, -0.01468669157475233, 0.029812950640916824, -0.05279969051480293, 0.01819029450416565, -0.0016871595289558172, -0.05471309646964073, 0.00047390759573318064, 0.0335104800760746, -0.024719150736927986, -0.03268305957317352, -0.00024725613184273243, 0.03097650781273842, 0.011409335769712925, 0.005090567748993635, 0.016613027080893517, 0.0008027744479477406, -0.045844197273254395, -0.011215409263968468, 0.015384826809167862, 0.012876711785793304, 0.005129353143274784, -0.0007179316598922014, 0.013432634063065052, 0.0045152525417506695, 0.001350212492980063, 0.0006011718069203198, -0.004011044278740883, -0.01041384693235159, 0.01909528486430645, -0.026257632300257683, 0.0130318533629179, 0.0027844596188515425, -0.015100400894880295, -0.021293116733431816, 0.0029008155688643456, 0.016548385843634605, 0.006460980977863073, 0.005206923466175795, 0.029735378921031952, 0.006121609825640917, 0.04059525579214096, 0.012663393281400204, -0.04439621418714523, 0.0017275608843192458, 0.0006395530654117465, 0.0030866616871207952, -0.028856245800852776, -0.0003809845366049558, -0.012598751112818718, 0.022857457399368286, -0.0428706593811512, 0.015113329514861107, 0.013102959841489792, 0.030666226521134377, -0.007653628010302782, 0.019198711961507797, 0.01736287586390972, -0.020672552287578583, 0.01848764903843403, 0.010504346340894699, 0.01698795147240162, 0.027227263897657394, -0.016613027080893517, -0.006118377670645714, 0.03759586066007614, 0.008293584920465946, 0.022922098636627197, -0.02714969404041767, 0.0171818770468235, -0.022676458582282066, -0.004043365363031626, -0.022611817345023155, -0.005106728058308363, 0.0008702446357347071, 0.02575342357158661, -0.004166185390204191, 0.036535732448101044, 0.0023222684394568205, -0.01020699180662632, -0.0014633361715823412, -0.008843042887747288, 0.0015578753082081676, 0.03136436268687248, 0.0005551142967306077, -0.01604417711496353, -0.005885665770620108, -0.014260053634643555, -0.009224431589245796, -0.012889640405774117, 0.027899542823433876, 0.007963910698890686, -0.009179182350635529, -0.00693610031157732, 0.03296748548746109, -0.010523738339543343, 0.011202480643987656, -0.006735709961503744, -0.030950650572776794, 0.015643395483493805, -0.016548385843634605, 0.016975022852420807, -0.002430544001981616, -0.015565824694931507, 0.021474115550518036, -0.0025485160294920206, -0.04442207142710686, 0.015953676775097847, 0.021176761016249657, -0.018604004755616188, 0.029580237343907356, -0.0032644274178892374, -0.042431093752384186, -0.029735378921031952, 0.08269020915031433, -0.012779748998582363, 0.05321339890360832, 0.020401056855916977, 0.012721571139991283, -0.039302416145801544, 0.024176156148314476, -0.029580237343907356, 0.00921796727925539, 0.01950899511575699, -0.005213387776166201, 0.07260604202747345, -0.0073627387173473835, 0.03392418846487999, -0.003962562419474125, 0.0006351089105010033, -0.0005163290188647807, 0.005484884604811668, -0.009069290943443775, 0.0014399033971130848, -0.005814559292048216, 0.00522308424115181, 0.014208340086042881, 0.017440445721149445, -0.014260053634643555, -0.014247125014662743, 0.041474390774965286, 0.032760631293058395, 0.011958793736994267, -0.014389337971806526, -0.010051851160824299, -0.0032595794182270765, 0.022353248670697212, 0.0005749109550379217, 0.00798330269753933, 0.003535924479365349, -0.01147397793829441, 0.008125515654683113, -0.008144908584654331, -0.02054326795041561, 0.006625818088650703, 0.02023298665881157, 0.01371705997735262, -0.00040037717553786933, -0.011596797965466976, 0.006864994298666716, -0.0031755445525050163, -0.011654975824058056, 0.020465698093175888, 0.0070589203387498856, 0.008390548638999462, -0.00927614513784647, -0.003933473490178585, -0.013729988597333431, 0.012437145225703716, -0.013704131357371807, -0.006098984740674496, 0.059419043362140656, 0.020814765244722366, 0.004489395767450333, 0.0018697736086323857, -0.018616933375597, 0.010420311242341995, -0.005523669999092817, 0.012702178210020065, -0.0037718683015555143, -0.016975022852420807, 0.008707295171916485, -0.0171818770468235, -0.02347802184522152, -0.011596797965466976, -0.018991857767105103, 0.013167602010071278, 0.026102492585778236, -0.0036975296679884195, -0.004964515566825867, -0.00459605548530817, -0.02299967035651207, -0.03020080178976059, -0.008500440046191216, 0.021034548059105873, -0.017931725829839706, 0.01156447734683752, 0.03038180060684681, -0.03092479519546032, -0.008907685056328773, -0.01596660539507866, -0.01616053283214569, -0.010135886259377003, -0.022314462810754776, -0.027123836800456047, 0.03490674868226051, 0.005025925580412149, 0.025559497997164726, 0.017608515918254852, 0.0027586028445512056, -0.033898331224918365, -0.0006698540528304875, 0.012547037564218044, -0.006813280284404755, 0.023141881451010704, -0.019547779113054276, 0.010051851160824299, -0.0031399913132190704, -0.005830720067024231, 0.0010278098052367568, -0.004301933571696281, 0.014505693688988686, 7.358092261711136e-05, -0.010387989692389965, -0.027485832571983337, -0.019198711961507797, 0.012896104715764523, -0.001769578317180276, -0.029502667486667633, 0.0009793282952159643, -0.003005858976393938, -0.005801631137728691, -0.0024790256284177303, 0.010762914083898067, -0.0018358364468440413, 0.011260658502578735, -0.05326511338353157, -0.002291563432663679, -0.0052360123954713345, 0.013070638291537762, -0.010084171779453754, 0.00849397573620081, 0.023284094408154488, 0.027537547051906586, -0.027873685583472252, 0.04610276594758034, 0.004408593289554119, 0.02751168981194496, 0.0021929843351244926, 0.004146792460232973, -0.012676321901381016, -0.0084034763276577, 0.022288605570793152, -0.0227669570595026, -0.011603262275457382, 0.013613631948828697, -0.04907630383968353, -0.027278978377580643, -0.006137770134955645, 0.02377537451684475, -0.013910986483097076, -0.0059664687141776085, 0.0242020133882761, 0.013691202737390995, -0.010194064117968082, -0.019366782158613205, -0.0033129090443253517, 0.004373040050268173, -0.036535732448101044, -0.0511707104742527, 0.0148935467004776, -0.0009437750559300184, -0.0007151035242713988, -0.002267322735860944, -0.014699620194733143, -0.007349810097366571, -0.04046597331762314, 0.032450348138809204, -0.030717939138412476, -0.009327859617769718, -0.002870110562071204, 0.024279583245515823, 0.020194200798869133, 0.006955493241548538, -0.017621444538235664, -0.0011886071879416704, -0.0023432772140949965, 0.04144853353500366, -0.007950982078909874, 0.030433515086770058, -0.0014043502742424607, 0.011105517856776714, 0.004078918136656284, -0.019379710778594017, 0.02906310185790062, 0.0017647300846874714, -0.013083566911518574, -0.021887825801968575, -0.021771468222141266, 0.028959672898054123, -0.016108818352222443, -0.0018746217247098684, -0.000867012538947165, 0.012870247475802898, 0.01650959998369217, 0.006761566735804081, 0.0007437884924001992, 0.0035132996272295713, 0.03296748548746109, -0.0015699956566095352, 0.00043229424045421183, 0.04325851425528526, -0.013807558454573154, -0.012398360297083855, 0.04690432921051979, -0.005646490026265383, -0.03105407953262329, -0.0030430282931774855, -0.03250206261873245, 0.033355340361595154, 0.014725477434694767, -0.029218241572380066, -0.008209550753235817, -0.011719617992639542, 0.008784865029156208, 0.02155168540775776, 0.0037686361465603113, 0.002288331277668476, -0.0004270420758984983, -0.0009453911334276199, -0.012954282574355602, -0.018035154789686203, -0.0031464556232094765, -0.02342630736529827, 0.013898057863116264, 0.017427517101168633, 0.014518622308969498, -0.012172113172709942, 0.05150684714317322, -0.027175551280379295, 0.04336193948984146, 0.0035617812536656857, -0.041707102209329605, -0.010362133383750916, 0.054144248366355896, -0.05921218916773796, -0.030821366235613823, 0.01794465444982052, -0.01455740723758936, 0.017867084592580795, -0.010155278258025646, 0.03501017764210701, -0.015604609623551369, 0.011958793736994267, -0.0030220195185393095, -0.009799746796488762, 0.004631608724594116, -0.007336881477385759, 0.012391895987093449, -0.007608378771692514, 0.02318066731095314, -0.025249214842915535, 0.00041936582420021296, 0.015087473206222057, 0.03211421146988869, 0.0009696319466456771, 0.005652954336255789, -0.018099796026945114, 0.02443472482264042, -0.01800929754972458, 0.01020699180662632, -0.03141607344150543, 0.021525828167796135, -0.00426314864307642, -0.038293998688459396, 0.024719150736927986, 0.001616053283214569, 0.00826126430183649, 0.039354126900434494, -0.01375584490597248, -0.002370750065892935, 0.005100264213979244, -0.0002559424319770187, -0.01603124849498272, -0.0113834785297513, 0.0232970230281353, 0.039845407009124756, -0.004883712623268366, 0.0063866423442959785, 0.030847223475575447, -0.0019408799707889557, -0.004531413316726685, 0.03208835422992706, -0.013251636177301407, -0.035941023379564285, 0.0037718683015555143, -0.020194200798869133, -0.024770863354206085, -0.02341337874531746, -0.0004480507632251829, 0.022172249853610992, 9.153426816510546e-08, 0.047343894839286804, 0.00293475273065269, 0.004854623693972826, 0.024900147691369057, -0.018474720418453217, -0.028313253074884415, -0.02126726135611534, 0.013639489188790321, -0.003998115658760071, -0.024719150736927986, 0.0373372919857502, -0.004844927694648504, -0.024292511865496635, -0.012385431677103043, 0.03793200105428696, 0.022715244442224503, 0.008558617904782295, 0.00386559939943254, 0.00915978942066431, 0.012960746884346008, 0.004822302609682083, 0.010995626449584961, -0.027873685583472252, 0.008985255844891071, 0.008325906470417976, -0.005345904268324375, 0.016018319875001907, -0.001793819130398333, -0.016134675592184067, -0.02024591527879238, -0.011099053546786308, 0.010478489100933075, 0.017337018623948097, 0.03291577100753784, 0.0054493313655257225, -0.005649722181260586, 0.04359465092420578, -0.030304230749607086, -0.02359437756240368, -0.010155278258025646, -0.01663888432085514, -0.05916047468781471, -0.002584069035947323, 0.008274192921817303, 0.03700115531682968, 0.007821697741746902, -0.031984925270080566, 0.00293475273065269, 0.03172635659575462, -0.029218241572380066, 0.020323485136032104, 0.010918055661022663, 0.000287657487206161, -0.02029762789607048, -0.040207404643297195, -0.0018358364468440413, -0.00567234680056572, -0.018177365884184837, 0.018591076135635376, 0.004347183275967836, -0.016238102689385414, 0.007013671100139618, 0.002104101236909628, 7.752005330985412e-05, 0.0066452110186219215, 0.035579029470682144, -0.04592176899313927, -0.01657424122095108, 0.04369807988405228, 0.007239918224513531, -0.0045120203867554665, -0.026373988017439842, -0.014622049406170845, -0.024059800431132317, 0.027899542823433876, 0.02336166612803936, -0.0033872476778924465, 0.0021752077154815197, -0.03981954976916313, 0.0022042966447770596, -0.028571821749210358, 0.032812345772981644, -0.0068908510729670525, 0.015087473206222057, 0.04726632311940193, 0.007323953323066235, 0.014906475320458412, 0.022844528779387474, -0.0061700912192463875, 0.016134675592184067, 0.0014770725974813104, -0.023284094408154488, 0.045740772038698196, -0.040310829877853394, 0.026684271171689034, -0.00900464877486229, -0.0015239381464198232, -0.004812606610357761, 0.001385765615850687, 0.02942509762942791, 0.016406172886490822], "2780b88e-9078-43df-a63d-9a8c6be609ba": [0.012954134494066238, 0.01591169834136963, 0.05385133996605873, 0.019306983798742294, -0.01966189034283161, -0.009251262992620468, 0.001108347438275814, -0.036437198519706726, -0.0008429060108028352, 0.03773852810263634, 0.029457345604896545, -0.07471992075443268, -0.07604490965604782, -0.010848348028957844, 0.038708608597517014, 0.014586709439754486, -0.012965964153409004, -0.007559535559266806, -0.08342698961496353, -0.004184954334050417, 0.057542383670806885, 0.09175549447536469, -0.005223059561103582, -0.02659442275762558, 0.004619716200977564, -0.0063883401453495026, -0.020821256563067436, -0.027540843933820724, 0.007967679761350155, 0.012504584155976772, 0.03359793499112129, -0.013155248947441578, -0.014290953055024147, -0.006086668465286493, -0.013155248947441578, 0.006885210983455181, -0.04578310251235962, 0.03868494927883148, 0.03541979566216469, -0.023696009069681168, 0.0019667805172502995, 0.02198062278330326, -0.007583196274936199, -0.022134415805339813, -0.0015009641647338867, 0.07311100512742996, -0.023790651932358742, -0.028842171654105186, 0.00013004042557440698, 0.04195009917020798, -0.0697985291481018, 0.05143796652555466, -0.0035845686215907335, 0.04112198203802109, 0.06610748916864395, 0.020738445222377777, 0.00992558803409338, 0.0060630077496171, 0.025056488811969757, -0.051012080162763596, 0.04663488268852234, -0.003486969042569399, -0.026310497894883156, 0.038282718509435654, -0.00017893267795443535, 0.010410628281533718, -0.05550757795572281, 0.003027067519724369, 0.010487524792551994, 0.009446462616324425, -0.029386363923549652, 0.06009771674871445, 0.03721799701452255, 0.025908268988132477, -0.04753398150205612, 0.0009234996396116912, 0.06042896583676338, -0.009304499253630638, 0.03189437836408615, 0.0016281394055113196, -0.011333388276398182, -0.061328064650297165, -0.042541611939668655, -0.016219286248087883, 0.024441316723823547, -0.01817127875983715, -0.051816537976264954, -0.038306381553411484, -0.06298430263996124, -0.06913603842258453, -0.049545127898454666, 0.06208520010113716, -0.03357427567243576, 0.028842171654105186, 0.015201883390545845, -0.03913449868559837, -0.01976836286485195, -0.02571898326277733, 0.0034544358495622873, 0.04031752422451973, 0.030735014006495476, 0.00037893798435106874, -0.006991683505475521, -0.021838659420609474, 0.06208520010113716, -0.0015734245534986258, 0.0008266393560916185, -0.009955163113772869, 0.010824687778949738, -0.0121260154992342, -0.03717067465186119, 0.015402997843921185, 0.006654520984739065, 0.01625477708876133, 0.03941842541098595, 0.019756533205509186, -0.018644489347934723, -0.03939476236701012, 0.001706514973193407, -0.03447337448596954, -0.010375137440860271, 0.023080836981534958, -0.010948904789984226, -0.047392018139362335, -0.01836056262254715, 0.03274615854024887, 0.025648001581430435, 0.02089223824441433, -0.018135787919163704, -0.002435554750263691, 0.006908871699124575, -0.009203941561281681, 0.0010543718235567212, -0.004584225360304117, -0.01740231178700924, -0.025245774537324905, 0.02216990664601326, -0.010026144795119762, -0.06260573118925095, -0.0691833570599556, 0.0148824667558074, -0.011842089705169201, -0.027517182752490044, 0.04644559696316719, 0.014397425577044487, 0.006204971112310886, -0.023352932184934616, -0.026665404438972473, 0.04074341431260109, -0.03504122793674469, 0.005350234918296337, -0.004811957944184542, -0.030285464599728584, 0.025174792855978012, 0.012066864408552647, -0.013368193060159683, -0.0016310970531776547, 0.027517182752490044, -0.016929101198911667, 0.019543588161468506, -0.08191271871328354, -0.016455890610814095, 0.0035342900082468987, 0.00047505885595455766, 0.006760993041098118, -0.047581303864717484, -0.013876894488930702, 0.0018055933760479093, -0.03085331618785858, 0.0002818928915075958, -0.04161885380744934, -0.04415052756667137, -0.028132356703281403, -0.025174792855978012, 0.03331401199102402, -0.02597924880683422, 0.015899868682026863, -0.07396278530359268, 0.01761525683104992, -0.014953447505831718, -0.0025361119769513607, -0.011972222477197647, -0.03506488725543022, -0.006341019179672003, 0.04142956808209419, -0.02419288083910942, -0.013048776425421238, 0.02323463000357151, -0.010682724416255951, 0.022217227146029472, 0.04010457918047905, -0.012729358859360218, -0.010623573325574398, -0.04604336991906166, -0.012398111633956432, -0.0297649335116148, 0.039844315499067307, 0.0037945557851344347, -0.05536561459302902, -0.017260348424315453, 0.03234392777085304, -0.0240627471357584, 0.010682724416255951, 0.035561759024858475, -0.01731950044631958, 0.0014832187443971634, 0.0014018857618793845, -0.000958990422077477, 0.026476120576262474, -0.017153875902295113, 0.05366205796599388, -0.019141359254717827, -0.005143205169588327, 0.028629228472709656, -0.040199220180511475, 0.034520696848630905, -0.015343846753239632, 0.037265315651893616, -0.02725691720843315, 0.003812301205471158, 0.04206840321421623, -0.020655633881688118, 0.004566479939967394, 0.015119071118533611, -0.00860651396214962, 0.035585422068834305, 0.031397510319948196, 0.008872694335877895, 0.003951306454837322, -0.05617007240653038, 0.0007549184374511242, 0.06213252246379852, -0.004010458011180162, 0.029930556192994118, 0.041500549763441086, -0.039584048092365265, 0.018407883122563362, 0.038330040872097015, -0.0456174798309803, 0.0027682806830853224, -0.004661122336983681, 0.015473979525268078, 0.000851778662763536, 0.0320836640894413, 0.011836174875497818, 0.013699440285563469, -0.02661808393895626, -0.04968709126114845, 0.028156017884612083, -0.04277821630239487, 0.007606856990605593, 0.0012406985042616725, -0.0008429060108028352, -0.046516578644514084, -0.04015190154314041, -0.054371871054172516, 0.018952075392007828, 0.03286445885896683, -0.0036585077177733183, -0.017366820946335793, 0.01836056262254715, 0.022229056805372238, -0.053330808877944946, 0.022098924964666367, -0.04963976889848709, 0.006358764600008726, 0.013486496172845364, 0.014113499782979488, -0.018798282369971275, 0.03608229011297226, 0.004445219878107309, 0.03056938946247101, 0.005631203297525644, 0.01766257733106613, -0.0165741927921772, 0.0010018751490861177, 0.015201883390545845, -0.003321345429867506, -0.0005279253236949444, -0.022311870008707047, -0.03714701533317566, -0.0005704403156414628, 0.009322244673967361, 0.04351169243454933, 0.03227294608950615, -0.02489086613059044, 0.03657916188240051, 0.0005933614447712898, 0.03499390557408333, 0.06388340145349503, 0.005580924917012453, -0.003871452296152711, -0.014634030871093273, -0.005817530211061239, 0.06270037591457367, -0.014231801964342594, 0.015556790865957737, -0.03866128623485565, 0.00425593601539731, 0.013924214988946915, 0.002777153393253684, 0.021389108151197433, -0.050349585711956024, -0.007997255772352219, -0.0035875262692570686, 0.014645861461758614, 0.029622970148921013, -0.021590223535895348, -0.02661808393895626, -0.0574004203081131, 0.04410320892930031, -0.007364336401224136, 0.0276354867964983, -0.041926439851522446, 0.013238060288131237, -0.048646025359630585, -0.010215428657829762, 0.009186196140944958, -0.0002648869121912867, -0.0057879542000591755, -0.004678867757320404, 0.010475695133209229, -0.015982680022716522, 0.0013686130987480283, -0.036011308431625366, 0.02574264444410801, 0.006305528338998556, -2.2343478121911176e-05, -0.03575104475021362, 0.0438666008412838, -0.03584568575024605, 0.0036999136209487915, -0.02198062278330326, 0.014148990623652935, 0.0165741927921772, 0.029599308967590332, -0.008440890349447727, 0.012102355249226093, -0.028652887791395187, -0.02489086613059044, -0.07926274091005325, -0.048646025359630585, 0.04017556086182594, 0.007151391822844744, 0.010629488155245781, -0.07012977451086044, 0.006684096530079842, 0.05030226334929466, 0.044434454292058945, 0.046753186732530594, 0.013983367010951042, 0.006678181234747171, -0.03840102255344391, 0.03440239280462265, -0.0010669415351003408, 0.0032503637485206127, 0.027990393340587616, -0.05867808684706688, -0.008180624805390835, 0.017698068171739578, -0.04119296371936798, 0.0004188651219010353, 0.008204285055398941, 0.03532515466213226, 0.013853234238922596, 0.0242520309984684, -0.06322090327739716, -0.0420447438955307, 0.011150019243359566, 0.01623111590743065, 0.0306403711438179, -0.02536407671868801, 0.02049000933766365, 0.023009855300188065, -0.04308580607175827, -0.031539469957351685, 0.038945212960243225, 0.05039690434932709, -0.010245004668831825, 0.017059234902262688, 0.059671830385923386, -0.00986052118241787, -0.009310414083302021, -0.07367885857820511, 0.04197376221418381, 0.03951306641101837, -0.020655633881688118, 0.012291639111936092, -0.0017227815696969628, 0.004640419036149979, -0.0042795962654054165, 0.016716156154870987, 0.029835915192961693, 0.02493818663060665, 0.05210046097636223, -0.0016961634391918778, 0.010262750089168549, 0.03996261581778526, 0.025222113355994225, -0.05271563678979874, 0.009813199751079082, -0.010848348028957844, -0.02574264444410801, -0.022643117234110832, -0.01713021658360958, 0.023222798481583595, 0.0014721278566867113, 0.0054596648551523685, 0.07812703400850296, -0.03146848827600479, 0.006240461952984333, -0.026239516213536263, 0.033006422221660614, -0.023837972432374954, 0.009221686981618404, -0.07590294629335403, 0.029646629467606544, 0.0748145580291748, 0.013782252557575703, -0.03719433397054672, 0.05422990769147873, -0.02597924880683422, 0.021329957991838455, -0.0015453275991603732, -0.0548924021422863, -0.0026174448430538177, -0.0342131108045578, -0.009410971775650978, 0.021460089832544327, -0.023246459662914276, -0.0595298670232296, 0.016420399770140648, 0.042517952620983124, -0.01886926405131817, -0.00955293420702219, -0.007589111570268869, 0.03899253532290459, -0.0006185007514432073, 0.0022314826492220163, -0.006000899244099855, -0.05385133996605873, 0.0260029099881649, -0.022714098915457726, 0.003986797295510769, -0.03804611414670944, 0.015107241459190845, -0.007109986152499914, -0.005776124075055122, 0.04533355310559273, 0.0043328325264155865, -0.006991683505475521, -0.023908954113721848, 0.06099681928753853, 0.07107619941234589, -0.03151581063866615, 0.00013512374425772578, 0.05404062569141388, -0.0096180010586977, 0.01750878430902958, -0.044481776654720306, 0.013285381719470024, 0.04968709126114845, 0.03298276290297508, -0.009162535890936852, 0.03691041097044945, 0.016302097588777542, -0.02395627461373806, 0.002266973489895463, -0.04419784992933273, 0.03042742796242237, 0.008736646734178066, 0.011658720672130585, 0.024630600586533546, -0.018325071781873703, -0.03163411468267441, -0.007855292409658432, 0.0058678085915744305, -0.015190052799880505, 2.858209154510405e-05, -0.051201362162828445, -0.013770421966910362, -0.043393392115831375, -0.012303469702601433, -0.01734315976500511, 0.02214624546468258, -0.005799784790724516, 0.0012111228425055742, 0.01542665809392929, 0.012646547518670559, 0.025080149993300438, -0.011540418490767479, 0.011694211512804031, 0.04055412858724594, -0.009789539501070976, -0.009280838072299957, -0.02038353681564331, -0.021471921354532242, -0.006666351109743118, -0.031089922413229942, 0.01477599423378706, -0.050775472074747086, -0.0338345430791378, 0.0002460324321873486, -0.02574264444410801, 0.03213098645210266, 0.004604928661137819, 0.006985768210142851, -0.03963137045502663, -0.05829951912164688, -0.0005412343889474869, 0.0527629554271698, 0.024867204949259758, 0.05228974670171738, -0.01566326431930065, -0.03546711802482605, 0.03475730121135712, -0.0029176378156989813, 0.0022654947824776173, -0.019993137568235397, -0.012788510881364346, -0.005376853048801422, -0.022903382778167725, -0.021838659420609474, -0.014030687510967255, -0.012883152812719345, 0.008973252028226852, -0.0056164157576859, 0.018727300688624382, -0.013285381719470024, 0.0033479633275419474, 0.02272592857480049, -0.017284009605646133, 0.011646890081465244, -0.001158626051619649, 0.00977770984172821, -0.029883235692977905, 0.010682724416255951, -0.00858285278081894, 0.012977794744074345, 0.0067964838817715645, -0.012693868018686771, -0.04627997428178787, 0.06487714499235153, 0.005418258719146252, 0.006018644664436579, -0.001120177679695189, 0.03551444038748741, 0.0452389121055603, -0.004844491370022297, -0.005566136911511421, 0.01572241447865963, 0.027706468477845192, -0.0024799180682748556, 0.024772563949227333, 0.004823788069188595, 0.024630600586533546, -0.003410072298720479, 0.014314614236354828, -0.02393261529505253, 2.5693845600471832e-05, 0.03688674792647362, -0.004844491370022297, 0.011410284787416458, 0.004811957944184542, -0.020939558744430542, 0.0659182071685791, -0.04325142875313759, -0.03437873348593712, 0.007299270015209913, 0.02429935336112976, 0.007098155561834574, -0.0035727382637560368, -0.0434880331158638, -0.09691348671913147, 0.0073702516965568066, -0.013048776425421238, -0.04031752422451973, 0.01197813730686903, 0.008576937951147556, 0.013876894488930702, -0.00870115589350462, -0.0038389191031455994, 0.0004780164163094014, 0.021945131942629814, -0.022856060415506363, -0.018478864803910255, 0.01235079113394022, -0.003522459650412202, 0.0054596648551523685, -0.011280152015388012, 0.012764849700033665, -0.022867891937494278, 0.02187415026128292, 0.04968709126114845, 0.024393994361162186, 0.010315986350178719, -0.055649541318416595, 0.018644489347934723, -0.014906127005815506, 0.0033627513330429792, 0.020608311519026756, 0.013569307513535023, -0.016775308176875114, -0.030025199055671692, 0.007831632159650326, -0.0020436772610992193, 0.011913071386516094, -0.020643802359700203, 0.027990393340587616, 0.011150019243359566, 0.010026144795119762, -0.028368962928652763, 0.01361662894487381, -0.006258207373321056, -0.03329034894704819, 0.0029634800739586353, 0.00536206504330039, 0.00020573560323100537, -0.010055720806121826, 0.008168794214725494, 0.03823539987206459, 0.02557702176272869, 0.007157307118177414, 0.004116930067539215, 0.06714855134487152, 0.013995196670293808, 0.0008377302438020706, -0.006193140987306833, 0.0056371185928583145, 0.003268109168857336, 0.01793467253446579, -0.018881093710660934, 0.02219356596469879, -0.029031457379460335, -0.004528031684458256, 0.01716570556163788, 0.0023941488470882177, 0.0007194276549853384, 0.023412084206938744, -0.02289155125617981, 0.01731950044631958, -0.041689835488796234, -0.008535532280802727, -0.01456304918974638, 0.022311870008707047, -0.029078777879476547, 0.03676844760775566, 0.038282718509435654, 0.004637461621314287, -0.03842468187212944, -0.025600681081414223, -0.04258893430233002, 0.02035987563431263, -0.06676998734474182, 0.04116930440068245, -0.028652887791395187, -0.047179073095321655, -0.021779507398605347, -0.0023527429439127445, -0.007039004471153021, -0.03989163413643837, 0.020643802359700203, 0.007861207239329815, -0.03224928677082062, -0.011865749955177307, -0.0029353832360357046, 0.023684179410338402, 0.01753244362771511, 0.0222763791680336, -0.01912952959537506, -0.06421464681625366, 0.017650747671723366, 0.018478864803910255, -0.005545434076339006, -0.024370335042476654, 0.022240888327360153, 0.03224928677082062, -0.016940930858254433, -0.003265151521191001, 0.01340368390083313, -0.0349702462553978, -0.009955163113772869, -0.026334157213568687, -0.0031705095898360014, -0.017331330105662346, -0.010806942358613014, 0.03532515466213226, -0.001807072083465755, -0.0021117012947797775, -0.023033514618873596, 0.029220741242170334, 0.0013020678889006376, -0.01103171706199646, -0.06823693960905075, -0.011013971641659737, 0.0697985291481018, -0.02419288083910942, -0.011274237185716629, -0.007506299763917923, -0.08470465987920761, -0.04320410639047623, -0.02329378016293049, 0.013048776425421238, -0.0626530572772026, -0.04682416841387749, 0.00020980225235689431, -0.001434418954886496, 0.0545138344168663, 0.015071750618517399, 0.031752415001392365, 0.03357427567243576, -0.00024584756465628743, 0.0020377621985971928, -0.019058547914028168, 0.010907499119639397, 0.018455205485224724, -0.005935832858085632, -0.006341019179672003, 0.03520685061812401, -0.02912609837949276, 0.018963905051350594, 0.03359793499112129, 0.031586792320013046, -0.0016784180188551545, 0.017473293468356133, 0.0010233174543827772, -0.031113581731915474, -0.002151628490537405, -0.015864377841353416, -0.008849034085869789, -0.020939558744430542, 0.0317050963640213, 0.00984869059175253, 0.016136473044753075, -0.016668835654854774, 0.03946574404835701, -0.018538016825914383, -0.01381774339824915, -0.02825065888464451, -0.011422115378081799, 0.020608311519026756, -0.04661122336983681, 0.0059861112385988235, 0.02746986225247383, 0.016207454726099968, 0.035609081387519836, 0.033432312309741974, 0.021258976310491562, -0.035585422068834305, 0.018727300688624382, 0.016219286248087883, 0.008576937951147556, 0.018183108419179916, 0.037052374333143234, 0.03802245482802391, 0.00121260154992342, -0.03700505197048187, -0.006406085565686226, 0.025671662762761116, -0.020655633881688118, 0.002317252103239298, 0.0904778242111206, -0.027493523433804512, 0.027280578389763832, 0.011410284787416458, -0.009866436012089252, 0.02176767773926258, -0.026570763438940048, 0.02312815748155117, -0.006305528338998556, 0.018845602869987488, -0.02874753065407276, 0.0016325757605955005, 0.032178305089473724, 0.05593346804380417, -0.036650143563747406, 0.02340025268495083, -0.01859716698527336, 0.024796223267912865, 0.008813543245196342, -0.009339990094304085, -0.00546853756532073, -0.01139254029840231, -0.010576251894235611, -0.018526187166571617, 0.05555489659309387, 0.01766257733106613, -0.05115404352545738, -0.01787552237510681, -0.01774538867175579, 0.006139904726296663, -0.0006414218805730343, -0.011581824161112309, 0.0057879542000591755, -0.00011987380275968462, 0.02038353681564331, 0.0016384909395128489, -0.016858119517564774, 0.028652887791395187, 0.022903382778167725, -0.010333731770515442, -0.0024000639095902443, -0.01944894716143608, 0.030947959050536156, -0.039986275136470795, -0.007772480603307486, 0.029102439060807228, 0.06042896583676338, -0.018739130347967148, -0.024748902767896652, 0.02161388471722603, 0.010114871896803379, -0.015379337593913078, -0.015391167253255844, 0.009286753833293915, 0.025458717718720436, 0.029457345604896545, -0.025222113355994225, -0.021519241854548454, 0.004300299100577831, 0.035987649112939835, -0.009257177822291851, 0.012220658361911774, -0.02661808393895626, -0.048433080315589905, 0.03236759081482887, -0.025624342262744904, -0.013912385329604149, -0.007985425181686878, 0.009251262992620468, 0.009044233709573746, 0.03591666743159294, -0.0009612085996195674, -0.0222763791680336, 0.007671923376619816, 0.020348045974969864, -0.01103171706199646, 0.0019726958125829697, 0.04218670353293419, 0.000859172607306391, 0.00829892698675394, -0.02491452544927597, -0.024535957723855972, 0.04365365579724312, 0.002450342522934079, -0.018017485737800598, 0.012066864408552647, -0.007115900982171297, 0.008097812533378601, 0.01061765756458044, 0.029622970148921013, 0.00445705046877265, -0.0039246887899935246, -0.0178282018750906, 0.02414556033909321, 0.007618687115609646, -0.0017656661802902818, 0.02664174512028694, 0.006536218337714672, -0.02129446715116501, 0.0008051970507949591, 0.0023571792989969254, 0.004146506078541279, -0.03123188577592373, 0.010245004668831825, -0.026263175532221794, 0.03101894073188305, 0.011321558617055416, 0.004740976262837648, 0.0046552070416510105, 0.011806598864495754, 0.021495580673217773, 0.03371623903512955, -0.03295910358428955, 0.014101669192314148, 0.016881780698895454, 0.041926439851522446, 0.004814915359020233, 0.011368879117071629, -0.023908954113721848, 0.008529617451131344, -0.03056938946247101, -0.017520613968372345, 0.0022418340668082237, 0.009517443366348743, -0.01659785397350788, -0.005498113110661507, 0.03792781010270119, -0.003129103686660528, 0.007748819887638092, 0.035585422068834305, 0.004516201559454203, 0.037501923739910126, 0.005548391491174698, -0.03229660913348198, 0.01330904196947813, 0.0032237456180155277, 0.023731499910354614, 0.015272865071892738, 0.02259579487144947, 0.005746548529714346, 0.007009428925812244, -0.019176850095391273, 0.03059305064380169, -0.0017937631346285343, 0.012847661972045898, 0.010801026597619057, -0.010942989960312843, 0.02049000933766365, 0.02331744134426117, -0.008174709044396877, -0.03229660913348198, 0.034284092485904694, 0.00010933747398667037, 0.003915816079825163, 0.031799737364053726, -0.04334606975317001, 0.0007534396718256176, 0.04978173226118088, 0.02448863722383976, 0.022773249074816704, -0.007938103750348091, 0.012108270078897476, -0.0029945343267172575, 0.020419027656316757, 0.016692496836185455, 0.029410025104880333, 0.01056442130357027, 0.005811614915728569, -0.031208224594593048, 0.020643802359700203, -0.022749589756131172, 0.016964592039585114, 0.02510381117463112, -0.006926617119461298, -0.007559535559266806, -0.0003889197832904756, -0.01702374406158924, 0.006778738461434841, 0.007453063502907753, -0.01349832583218813, 0.006048220209777355, -0.0348992645740509, 0.0038152586203068495, 0.0010979959042742848, 0.0014181523583829403, -0.01633758842945099, -0.004519158974289894, 0.004214529879391193, 0.026665404438972473, -0.0004318044811952859, -0.015343846753239632, -0.015284694731235504, -0.025482378900051117, -0.024796223267912865, 0.0027475778479129076, -0.007961764931678772, -0.019626399502158165, -0.010043890215456486, -0.015438488684594631, 0.020726613700389862, 0.014137160032987595, 0.008961421437561512, -0.018750961869955063, 0.006181310396641493, -0.011256491765379906, -0.002726874779909849, 0.018029315397143364, 0.01445657666772604, -0.006003856658935547, 0.01697642169892788, 0.031989023089408875, 0.022536644712090492, 0.03127920627593994, 0.028818512335419655, 0.0096180010586977, 0.0263814777135849, 0.011357049457728863, 0.01233896054327488, 0.006181310396641493, 0.016503211110830307, 0.03350329399108887, 0.025860946625471115, -0.0006425309693440795, 0.030711352825164795, 0.01659785397350788, -0.016905440017580986, 0.014302783645689487, 0.02318730764091015, 0.01944894716143608, 0.0016932059079408646, -0.006394255440682173, -0.03123188577592373, -0.01793467253446579, 0.0008214636472985148, -0.030522068962454796, -0.028392622247338295, -0.004930260591208935, -0.0004828224773518741, 0.03042742796242237, 0.011646890081465244, -0.03016716241836548, 0.04157153144478798, -0.004285511560738087, 0.003871452296152711, -0.0036082291044294834, -0.018017485737800598, 0.019389795139431953, 0.025056488811969757, -0.026097552850842476, 0.02808503620326519, 0.00020813863375224173, -0.014752333983778954, -0.014622200280427933, -0.001449946197681129, 0.0006288522272370756, -0.012492753565311432, 0.01437376532703638, -0.012220658361911774, -0.04564113914966583, 0.020206082612276077, 0.014184481464326382, 0.012279809452593327, 3.096200816798955e-05, -0.03085331618785858, 0.02846360392868519, 0.016112813726067543, 0.008044576272368431, -0.0025035785511136055, -0.005249677691608667, -0.021247146651148796, -0.01982751488685608, 0.007086325436830521, 0.016645174473524094, -0.005379810463637114, 0.035372477024793625, -0.03189437836408615, 0.023565877228975296, 0.008115557953715324, -0.049923695623874664, 0.0016518000047653913, 0.030285464599728584, -0.03627157583832741, -0.015308355912566185, -0.018076635897159576, 0.00977770984172821, 0.016739817336201668, -0.0007992819300852716, 0.015485809184610844, 0.012185167521238327, -0.041453227400779724, -0.008068236522376537, 0.016775308176875114, -0.010866093449294567, 0.000285774702206254, 0.004948006011545658, 0.02051367051899433, -0.0035579504910856485, 0.011439860798418522, 0.013971536420285702, 0.003966094460338354, -0.02493818663060665, 0.03648452088236809, -0.0010669415351003408, -0.0010713778901845217, 0.009836860932409763, -0.018289580941200256, -0.033432312309741974, 0.002608572132885456, 0.03298276290297508, 0.013794082216918468, 0.0004484407836571336, 0.025222113355994225, 0.01716570556163788, 0.042730897665023804, 0.022986194118857384, -0.032604195177555084, 0.004590140655636787, 0.00612215930595994, -0.0004998284857720137, -0.025908268988132477, 0.0036792107857763767, -0.02787209115922451, 0.003933561034500599, -0.029670290648937225, 0.028629228472709656, -7.754365651635453e-05, 0.027398880571126938, -0.004448177758604288, 0.019922157749533653, 0.005051520653069019, -0.020844917744398117, 0.0019653018098324537, 0.019283322617411613, 0.022240888327360153, 0.023483065888285637, -0.01676347851753235, 0.00834033265709877, 0.038732267916202545, -0.007908528670668602, 0.0165741927921772, -0.01659785397350788, 0.014409256167709827, -0.026902010664343834, -0.004968708846718073, -0.028794851154088974, -0.0012037288397550583, 0.019898496568202972, 0.010588082484900951, -0.002666244748979807, 0.030924297869205475, -0.010623573325574398, -0.013119758106768131, -0.009517443366348743, -0.0039956700056791306, 0.0038951130118221045, 0.027990393340587616, 0.005276295822113752, 0.0045102862641215324, 0.004711400717496872, -0.032225627452135086, -0.007920358330011368, -0.0008429060108028352, 0.015840716660022736, 0.012037289328873158, -0.007015343755483627, 0.001216298551298678, 0.02699665166437626, -0.010629488155245781, 0.02206343412399292, -0.005205314140766859, -0.017863690853118896, -0.0030551645904779434, -0.027753788977861404, 0.013013285584747791, -0.010611742734909058, 0.016479551792144775, 0.01678713783621788, -0.004211572464555502, -0.04102734103798866, 0.025884607806801796, 0.025837287306785583, -0.00440381420776248, 0.02278508059680462, -0.025482378900051117, -0.036224253475666046, -0.033030085265636444, 0.07798507064580917, -0.01718936674296856, 0.03733629733324051, 0.012516414746642113, 0.014338274486362934, -0.03977333381772041, 0.022583965212106705, -0.032817140221595764, -0.003229660913348198, 0.01944894716143608, -0.004545777104794979, 0.05801559239625931, 0.0178282018750906, 0.029717611148953438, -0.015627773478627205, 0.005790912080556154, 0.0008066758164204657, 0.01465769112110138, -0.015343846753239632, -0.01007346622645855, -0.021306296810507774, -0.002067337743937969, 0.0034573932643979788, 0.01955541968345642, -0.011753362603485584, -0.011694211512804031, 0.03518319129943848, 0.021176164969801903, 0.011646890081465244, -0.008239775896072388, -0.005719930399209261, 0.010540761053562164, 0.02531675435602665, 0.0037294893991202116, 0.015840716660022736, 0.014231801964342594, -0.015462148934602737, 0.014054347760975361, -0.000955293420702219, -0.037454601377248764, 0.004374238196760416, 0.026452459394931793, 0.008671579882502556, 0.02163754403591156, -0.008920015767216682, 0.0034692236222326756, 8.775649621384218e-05, -0.0011334867449477315, 0.016526872292160988, 0.002574560232460499, -0.015615942887961864, 0.0036466773599386215, -0.014894296415150166, -0.013675780035555363, 0.009026488289237022, -0.01244543306529522, 0.012764849700033665, 0.044245168566703796, 0.011197340674698353, 0.01563960313796997, 0.004823788069188595, -0.0463746152818203, 0.008760306984186172, -0.003087697783485055, 0.029693951830267906, -0.0029708738438785076, -0.024346673861145973, 0.0030167161021381617, -0.0027668019756674767, -0.037691205739974976, -0.014137160032987595, -0.012611056677997112, 0.024216540157794952, 0.029835915192961693, 0.012634716928005219, -0.0021885980386286974, -0.001845520455390215, -0.03899253532290459, -0.0050041996873915195, -0.0027032142970710993, 0.013794082216918468, -0.01902305707335472, 0.02059648185968399, 0.016586024314165115, -0.017627086490392685, -0.03250955417752266, -0.013794082216918468, -0.016538701951503754, -0.006329188589006662, -0.029386363923549652, -0.025884607806801796, 0.03395284339785576, -0.0009671237203292549, -0.00361414416693151, 0.010984395630657673, 0.005764293950051069, -0.03144482895731926, -0.0013634373899549246, 0.019685551524162292, -0.027162276208400726, 0.01838422380387783, -0.01721302792429924, -0.008931845426559448, 0.021814998239278793, -0.003617101814597845, -0.009955163113772869, -0.036815766245126724, 0.015627773478627205, -0.007583196274936199, -0.0023660517763346434, -0.027919411659240723, -0.02203977294266224, 0.007092240732163191, -0.007849377579987049, -0.05588614568114281, -0.003501756815239787, -0.0073584215715527534, -0.021602053195238113, -0.005779081955552101, 0.0032355759758502245, -0.0024651302956044674, 0.011842089705169201, -0.05617007240653038, 0.005427131429314613, 0.0003550926339812577, 0.002967916429042816, -0.016515042632818222, -0.011741532944142818, 0.02299802377820015, 0.032414909452199936, -0.023518554866313934, 0.058583445847034454, 0.009032403118908405, 0.017674406990408897, -0.009044233709573746, 0.011865749955177307, 0.004134675487875938, -0.0014366371324285865, 0.018715471029281616, -0.016396740451455116, -0.012528244405984879, 0.013770421966910362, -0.03700505197048187, -0.00929858349263668, -0.006530303042382002, 0.02893681451678276, -0.01309609692543745, -0.027540843933820724, -0.00028263230342417955, 0.015012599527835846, 0.0021131800021976233, -0.009132959879934788, -0.0119367316365242, 0.022347360849380493, -0.012634716928005219, -0.02974127233028412, -0.002290633972734213, -0.01574607565999031, 8.710952533874661e-05, -0.0049775815568864346, -0.0098072849214077, -0.003862579818814993, -0.04303848370909691, 0.0263814777135849, -0.02049000933766365, -0.005125459749251604, 0.010321901179850101, 0.01902305707335472, 0.028865832835435867, 0.0011016929056495428, -0.016112813726067543, 0.0018928415374830365, -0.022761419415473938, 0.025837287306785583, -0.043795619159936905, 0.03478096425533295, 0.0009649055427871644, 0.021176164969801903, 0.007417572662234306, -0.01849069632589817, 0.02957564778625965, 0.0004610104369930923, 0.004190869629383087, -0.009825030341744423, -0.025411397218704224, 0.026452459394931793, 0.006595369428396225, 0.0018647446995601058, 0.008724816143512726, -0.00732884556055069, 0.042565274983644485, 0.003886240301653743, 0.005131375044584274, -0.008736646734178066, 0.02827432006597519, -0.004421559628099203, -0.0012747104046866298, 0.03818807750940323, -0.00724011892452836, -0.012965964153409004, 0.039820652455091476, -0.013072436675429344, -0.008789882995188236, -0.007476723752915859, -0.011782938614487648, 0.026760047301650047, 0.01865631900727749, -0.03636621683835983, -0.0070271738804876804, -0.006494812201708555, 0.02195696160197258, 0.0032621941063553095, -0.00964757613837719, 0.011901240795850754, -0.02153107151389122, -0.013770421966910362, -0.014409256167709827, -0.0148824667558074, 0.0031616368796676397, -0.001951992860995233, 0.011410284787416458, 0.010611742734909058, 0.004193827044218779, -0.02419288083910942, 0.04945048317313194, -0.015379337593913078, 0.02515113167464733, 0.01119142584502697, -0.026121212169528008, -0.0010033538565039635, 0.06161199137568474, -0.05115404352545738, -0.015840716660022736, 0.025695323944091797, -0.00724011892452836, 0.018325071781873703, -0.02374333143234253, 0.030119840055704117, -0.012173336930572987, -0.0008880088571459055, -0.007269694469869137, 0.0002676596341188997, -0.0049657514318823814, -0.007275609765201807, 0.004347620531916618, -0.007157307118177414, 0.0013937524054199457, -0.031799737364053726, -0.0059683658182621, 0.01676347851753235, 0.02403908781707287, -0.009121130220592022, -0.0008029788732528687, -0.0069680227898061275, 0.020501838997006416, -0.011108613573014736, 0.0052082715556025505, -0.029197080060839653, 0.0009020572761073709, -0.002235919004306197, -0.029646629467606544, 0.010002484545111656, 0.004122845362871885, 0.026263175532221794, 0.009535188786685467, -0.015190052799880505, 0.0024873120710253716, -0.01096665021032095, 0.0027904624585062265, -0.02070295438170433, 0.0023453489411622286, 0.022229056805372238, 0.03279348090291023, -0.027327898889780045, -0.009937417693436146, 0.03267517685890198, 0.022323699668049812, 0.005285168532282114, -0.0021131800021976233, 0.012386281974613667, -0.03908717632293701, 0.008334417827427387, -0.011682380922138691, -0.024393994361162186, -0.03288812190294266, 0.013060606084764004, 0.025908268988132477, 0.0004247802426107228, 0.0438666008412838, -0.006033432204276323, 0.023116327822208405, 0.023199139162898064, -0.007115900982171297, -0.011321558617055416, -0.028108695521950722, 0.019070377573370934, -0.03123188577592373, -0.01844337396323681, 0.037714868783950806, -0.0034189450088888407, -0.030451087281107903, -0.016692496836185455, 0.04415052756667137, -0.0008207242353819311, 0.010605827905237675, 0.00743531808257103, -0.0005364282988011837, 0.013652119785547256, -0.005069266073405743, 0.03691041097044945, -0.014314614236354828, -0.009949248284101486, -0.020206082612276077, 0.010806942358613014, 0.0238734632730484, 0.005412343889474869, -0.01998130790889263, -0.020135100930929184, -0.018904754891991615, 0.004942090716212988, 0.0030167161021381617, 0.020182423293590546, -0.005140247754752636, -0.0041435481980443, 0.05115404352545738, -0.013805912807583809, -0.021199824288487434, -0.02040719799697399, -0.028771191835403442, -0.05191117897629738, -0.0012761892285197973, -0.0006318098166957498, 0.03042742796242237, -0.0016887695528566837, -0.010901584289968014, 0.008399483747780323, 0.038117095828056335, -0.009399141184985638, 0.029930556192994118, 0.01836056262254715, -0.0021353617776185274, -0.01627843640744686, -0.05091743543744087, 0.0010418022284284234, -0.0008902270346879959, 0.0001238480326719582, 0.00490364246070385, 0.02230003848671913, -0.02531675435602665, 0.0001871583954198286, -0.0064474912360310555, -0.00823386013507843, 0.005900342017412186, 0.03189437836408615, -0.042754556983709335, 0.0017996781971305609, 0.04389026388525963, -0.013261720538139343, -0.010540761053562164, -0.008772137574851513, -0.017579765990376472, -0.017118385061621666, 0.03993895649909973, 0.0171065554022789, 0.007009428925812244, 0.009890097193419933, -0.04609069228172302, -0.013273551128804684, -0.022110754624009132, 0.022240888327360153, -0.005858935881406069, 0.009487868286669254, 0.026972992345690727, 0.003430775133892894, 0.02134178765118122, 0.021199824288487434, -0.005477410275489092, 0.004019330721348524, 0.006873380858451128, -0.04795987159013748, 0.037667546421289444, -0.018715471029281616, 0.024985507130622864, -0.001365655567497015, -0.0010270143393427134, -0.005764293950051069, -0.014397425577044487, 0.016798967495560646, 0.01437376532703638], "889775ae-5120-4b1c-8b55-929e79c14bb8": [0.009696608409285545, -0.007724810391664505, 0.0634223148226738, -0.011001475155353546, -0.014347732998430729, 0.0004878751060459763, 0.012259946204721928, -0.030040929093956947, 0.014904475770890713, 0.01906844973564148, 0.013269043527543545, -0.06602045148611069, -0.07529950141906738, -0.011192855425179005, 0.03110801987349987, -0.01888286881148815, -0.028765058144927025, -0.0023429603315889835, -0.0877334326505661, -0.0004055960162077099, 0.04862222820520401, 0.076784148812294, -0.026375703513622284, -0.01238753367215395, 0.026143725961446762, -0.03180394694209099, -0.018790079280734062, 0.015298835933208466, 0.01238753367215395, -0.004221968352794647, 0.02871866337954998, -0.01409255899488926, -0.022640885785222054, 0.02281486801803112, -0.04310119152069092, 0.003662325441837311, -0.0705207884311676, 0.018012957647442818, 0.03440208360552788, -0.04317078739404678, -0.004755513742566109, 0.021643387153744698, -0.003845006925985217, 0.016307933256030083, -0.023475999012589455, 0.039435967803001404, -0.02707163244485855, -0.02572616934776306, -0.02226972207427025, 0.03822969272732735, -0.06337592005729675, 0.014776889234781265, 0.005924094468355179, 0.001732572796754539, 0.07079916447401047, 0.03048168309032917, -0.001520894467830658, -0.010438933037221432, 0.00803797785192728, -0.03579394146800041, 0.03226790204644203, 0.01824493519961834, -0.01855810172855854, 0.01114066131412983, -0.009505228139460087, 0.036141905933618546, -0.04839025065302849, 0.011204454116523266, 0.0023168630432337523, 0.02199135161936283, 0.016829879954457283, 0.0457921177148819, 0.045258574187755585, 0.018476910889148712, -0.03164156526327133, -0.03099203109741211, 0.0023690578527748585, 0.017583802342414856, 0.056555818766355515, 0.011227652430534363, 1.3161935385141987e-05, -0.07200543582439423, -0.022733675315976143, -0.013524217531085014, 0.007463837042450905, -0.006454740185290575, -0.01959039643406868, -0.0508028045296669, -0.04936455190181732, -0.028904244303703308, -0.06713393330574036, 0.033172607421875, -0.05576709657907486, 0.03658265992999077, 0.008519329130649567, -0.020147139206528664, -0.04748554527759552, -0.021921759471297264, 0.005144074093550444, 0.0512203611433506, 0.042358867824077606, -0.013651804067194462, 0.011163858696818352, -0.011946778744459152, 0.06620603054761887, 0.008472933433949947, -0.01927722804248333, 0.025888552889227867, -0.010334542952477932, -0.021481003612279892, -0.05182350054383278, 0.024334311485290527, -0.006373548414558172, 0.047021593898534775, 0.04344915598630905, 0.001732572796754539, -0.030760055407881737, -0.01679508201777935, -0.004514838568866253, -0.02871866337954998, -0.015310434624552727, 0.00103736890014261, -0.003769614500924945, -0.023800766095519066, -0.016818281263113022, -0.005944392178207636, 0.029576975852251053, 0.01440572738647461, -0.005065781995654106, -0.018221735954284668, 0.015727991238236427, -0.003453546902164817, 0.014660901390016079, -0.027651572600007057, 0.0004770012164954096, -0.018616097047924995, 0.025563785806298256, -0.013918576762080193, -0.058829184621572495, -0.05609186366200447, 0.016539908945560455, -0.012631108053028584, -0.030644066631793976, 0.076784148812294, 0.023916754871606827, 0.0033897534012794495, -0.018094150349497795, -0.015507614240050316, -0.006431542336940765, -0.03194313496351242, 0.0009902487508952618, -0.002186376368626952, -0.03027290478348732, 0.035515569150447845, 0.01782737672328949, -0.03660585731267929, 0.012085963971912861, 0.050431642681360245, -0.03470365330576897, 0.03502841666340828, -0.05971069633960724, -0.013593809679150581, 0.00855412520468235, 0.001955850049853325, -0.026932446286082268, -0.043611541390419006, -0.007869794964790344, -0.022675681859254837, -0.028973838314414024, -0.009569021873176098, -0.046511244028806686, -0.019404815509915352, -0.029623370617628098, -0.019636793062090874, 0.052101872861385345, -0.04368113353848457, 0.01573958992958069, -0.08527448028326035, 0.019567199051380157, -0.022327717393636703, -0.018326126039028168, -0.011221852153539658, -0.034146908670663834, -0.00880929920822382, 0.022640885785222054, -0.01507845800369978, -0.025679774582386017, 0.037580158561468124, -0.02758198045194149, 0.03131679818034172, 0.03512120991945267, -0.0029185516759753227, 0.0268628541380167, -0.054375238716602325, -0.043472353368997574, -0.03586353361606598, 0.050849199295043945, 0.0014426024863496423, -0.04177892953157425, -0.020808272063732147, 0.019033653661608696, -0.029507383704185486, 0.011210253462195396, 0.05544232949614525, -0.010856489650905132, -0.006704114377498627, 0.010479528456926346, -0.014243343845009804, 0.016876274719834328, 0.011169658042490482, 0.060081858187913895, -0.02362678386271, 0.005813905503600836, 0.02809232845902443, -0.02943778969347477, 0.00010148962610401213, -0.018279731273651123, 0.013245845213532448, -0.010653510689735413, 0.034378886222839355, 0.02530861273407936, -0.0033288595732301474, -0.018639294430613518, 0.024705473333597183, -0.015124853700399399, 0.0512203611433506, 0.012758695520460606, 0.010154761373996735, 0.027628375217318535, -0.07372206449508667, 0.02157379500567913, 0.05391128733754158, 0.008670113049447536, 0.03486603498458862, 0.03252307325601578, -0.03449487313628197, 0.004103080369532108, -0.015275638550519943, -0.02779075875878334, -0.034889232367277145, -0.024171927943825722, 0.02994813770055771, 0.0002517305256333202, 0.051591526716947556, 0.01833772473037243, 0.0011497323866933584, -0.01959039643406868, -0.04502659663558006, 0.04569932818412781, -0.025169426575303078, 0.0002693099668249488, 0.00018150331743527204, -0.007411642000079155, -0.04238206520676613, -0.026561284437775612, -0.06940730661153793, 0.03331179544329643, 0.0646749883890152, 0.021179433912038803, -0.013570612296462059, 0.010844890959560871, 0.022559693083167076, -0.015507614240050316, 0.02458948642015457, -0.015113255009055138, -0.0060603804886341095, -0.02725721336901188, 0.055210355669260025, -0.01440572738647461, 0.008327948860824108, 0.02012394182384014, 0.022617686539888382, 0.006854899227619171, -0.003920399118214846, -0.006292356643825769, 0.017328627407550812, 0.01482328400015831, -0.047462347894907, -0.005173071287572384, -0.03584033623337746, -0.06564928591251373, -0.022246524691581726, 0.03556196391582489, 0.021828968077898026, 0.01539162639528513, -0.025586983188986778, 0.031224006786942482, 0.02758198045194149, 0.020576296374201775, 0.020089145749807358, 0.0062459614127874374, -0.009290650486946106, -0.01885967142879963, -0.03662905469536781, 0.06838660687208176, -0.011772796511650085, -0.002244370523840189, -0.03948236256837845, 0.0037638151552528143, 0.02135341614484787, 0.018012957647442818, -0.015066859312355518, -0.012085963971912861, -0.009023877792060375, -0.012004772201180458, 0.016829879954457283, 0.031247204169631004, -0.02126062661409378, -0.02375437133014202, -0.04885420575737953, 0.04973571375012398, 0.024334311485290527, 0.022258123382925987, -0.05015327036380768, -0.02653808705508709, -0.02591175027191639, 0.021109841763973236, -0.00012432478251866996, -0.00906447321176529, -0.020564697682857513, 0.024543089792132378, 0.00014915349311195314, -0.003479644190520048, -0.0010801395401358604, -0.0031693759374320507, 0.011384235695004463, 0.00476711243391037, -0.0074232411570847034, 0.006071979179978371, 0.03268545866012573, -0.0012294743210077286, -0.006367749068886042, -0.011900383047759533, 0.003317260881885886, 0.001274419715628028, 0.047647926956415176, -0.02964656800031662, 0.027002038434147835, -0.03243028372526169, -0.023568790405988693, -0.05098838731646538, -0.06012825295329094, 0.01462610438466072, 0.011018873192369938, 0.026514889672398567, -0.05785488337278366, 0.008496131747961044, 0.03205912187695503, 0.04839025065302849, 0.0541432648897171, 0.011181256733834743, 0.015148051083087921, -0.03347417712211609, 0.041941311210393906, -0.010496926493942738, 0.008119169622659683, 0.04340276122093201, -0.0545608215034008, -0.0528905913233757, -0.02166658453643322, -0.06416463851928711, -0.0076668160036206245, 0.006675117649137974, 0.03152557834982872, 0.02021673321723938, 0.03514440730214119, -0.07775844633579254, -0.03748736530542374, -0.005848702043294907, -0.016087554395198822, 0.01488127838820219, -0.029066627845168114, 0.015925170853734016, 0.026723667979240417, -0.0279067475348711, -0.02075027860701084, 0.030412090942263603, 0.06834021210670471, 0.0002504618896637112, 0.023290418088436127, 0.07683054357767105, 0.009574821218848228, -0.024798264726996422, -0.05275140702724457, 0.04393630847334862, 0.03101522848010063, 0.004813507664948702, 0.004300260450690985, -0.016400722786784172, -0.019091647118330002, 0.00025734869996085763, 0.015577207319438457, 0.02083146944642067, 0.020715482532978058, 0.032198306173086166, 0.01615714840590954, 0.009093469940125942, 0.05173071101307869, 0.022884460166096687, -0.058643605560064316, 0.01025335118174553, -0.023000448942184448, -0.02000795491039753, -0.016969064250588417, -0.027605177834630013, 0.024009544402360916, -0.01156401727348566, -0.015472818166017532, 0.07877914607524872, -0.016876274719834328, 0.011761197820305824, -0.03226790204644203, 0.006750509608536959, -0.012248347513377666, 0.020286325365304947, -0.07358287274837494, 0.040572650730609894, 0.041106197983026505, -0.0015237941406667233, -0.04562973603606224, 0.04168613627552986, -0.048575833439826965, 0.0017311229603365064, -0.012468725442886353, -0.0537257082760334, 0.009609617292881012, -0.001616584719158709, -0.01957879774272442, -0.0014237543800845742, -0.02249010093510151, 0.004161074757575989, 0.03621149808168411, 0.033126212656497955, -0.018639294430613518, -0.005605126731097698, 0.027605177834630013, 0.030644066631793976, -0.013906978070735931, -0.019764378666877747, 0.028022734448313713, -0.018790079280734062, 0.009000679478049278, -0.009864791296422482, 0.020703883841633797, -0.04219648614525795, 0.01774618588387966, -0.001539742574095726, -0.02094745822250843, 0.028579477220773697, 0.010172160342335701, -0.026306109502911568, -0.008020579814910889, 0.06527812778949738, 0.08346506953239441, -0.027558783069252968, -0.03173435479402542, 0.05674139782786369, 0.010856489650905132, -0.024241521954536438, -0.024635881185531616, 0.025053437799215317, 0.04562973603606224, 0.03764975070953369, -0.010137363336980343, 0.021283823996782303, 0.017954964190721512, 0.021167835220694542, 0.008281553164124489, -0.043704330921173096, -0.016145549714565277, -0.0036101308651268482, 0.02704843506217003, 0.03138639032840729, -0.02570297196507454, -0.01025335118174553, -0.0030504881870001554, 0.00482510682195425, -0.026074133813381195, 0.01597156748175621, -0.006860698573291302, -0.009685009717941284, -0.02591175027191639, -0.026491690427064896, -0.01805935427546501, 0.03018011339008808, 0.011801793240010738, -0.01104207057505846, 0.01854650303721428, 0.004909198265522718, 0.024937450885772705, 0.0023313616402447224, -0.01493927277624607, 0.07571706175804138, -0.009354443289339542, -0.028347501531243324, -0.02830110676586628, -0.042869217693805695, 0.00453513627871871, -0.03577074408531189, 0.03027290478348732, -0.048668622970581055, -0.013593809679150581, 0.014579709619283676, -0.009209458716213703, 0.036141905933618546, 0.008994880132377148, 0.011685805395245552, -0.03433249145746231, -0.05525675043463707, 0.005503637250512838, 0.023499196395277977, 0.026886051520705223, 0.038508061319589615, -0.013222647830843925, 0.0002495557419024408, 0.015681596472859383, -0.009945983067154884, 0.008739706128835678, -0.0247750673443079, -0.02084306813776493, -0.0023922554682940245, -0.01711984910070896, -0.007168067153543234, 4.093565803486854e-05, -0.01927722804248333, -0.01337343268096447, -0.015298835933208466, -0.008258355781435966, -0.017873773351311684, -0.0272804107517004, 0.010734702460467815, -0.030736858025193214, -0.004720717202872038, -0.005149873439222574, 0.01753740757703781, -0.041430965065956116, -0.0013809838565066457, -0.04003910720348358, -0.017340226098895073, 0.0013215398648753762, -0.017386622726917267, -0.05794767662882805, 0.05590628460049629, 0.008281553164124489, 0.01948600821197033, 0.01063031330704689, 0.023348413407802582, 0.024519892409443855, -0.001486098044551909, -0.027234015986323357, 0.013408228754997253, 0.009673411026597023, 0.004216169007122517, 0.02820831537246704, 0.0035289390943944454, 0.03382214158773422, 0.006982486229389906, 0.0027271711733192205, -0.022002950310707092, 0.009603817947208881, 0.046070490032434464, 0.0034738448448479176, 0.01161041297018528, -0.012445527128875256, 0.00018539979646448046, 0.06430382281541824, -0.017954964190721512, -0.05641663074493408, -0.012039569206535816, 0.004578631836920977, 0.014452122151851654, 0.007092674728482962, -0.026886051520705223, -0.09381120651960373, 0.0027619677130132914, -0.003230269765481353, -0.04583851248025894, -0.003592732595279813, 0.015182847157120705, 0.009348643943667412, -0.01678348332643509, -0.005845802370458841, -0.007104273419827223, 0.015333632007241249, -0.028695465996861458, -0.016864676028490067, -0.0060371826402843, -0.0091282669454813, -0.016516711562871933, -0.017769383266568184, 0.01917283982038498, 0.006709913723170757, 0.016563106328248978, 0.04978210851550102, 0.012004772201180458, 0.022478502243757248, -0.041314974427223206, 0.013756193220615387, -0.019625192508101463, 0.01844211481511593, 0.0059211947955191135, 0.0043814522214233875, -0.023058442398905754, -0.013559013605117798, -0.004900498781353235, -0.004349555354565382, -0.0035086411517113447, -0.011320442892611027, 0.002963497070595622, 0.0012004772434011102, 0.02934500016272068, -0.02549419365823269, -0.004288661293685436, -0.02396314963698387, -0.013489420525729656, -0.007672615349292755, 0.008594721555709839, 0.00855992455035448, -0.002583635738119483, 0.03335819020867348, 0.006083577871322632, 0.011384235695004463, 0.022362513467669487, -0.024844659492373466, 0.0752067118883133, 0.0036043315194547176, -0.00626915879547596, -0.031571973115205765, 0.02509983442723751, -0.0009134066058322787, 0.04382031783461571, -0.015229242853820324, 0.010264950804412365, -0.011326242238283157, 0.005387648940086365, 0.03741777315735817, 0.005567430518567562, 0.003476744517683983, 0.014347732998430729, -0.021852165460586548, 0.02291925624012947, -0.02054150030016899, 0.008385942317545414, -0.03516760468482971, 0.02217693254351616, -0.03822969272732735, 0.010473729111254215, 0.029159419238567352, 0.02530861273407936, -0.03087604232132435, -0.01186558697372675, -0.03681463748216629, 0.024287916719913483, -0.06026743724942207, 0.02207254245877266, -0.002318312879651785, -0.03173435479402542, -0.0009772001067176461, -0.018175341188907623, 0.0036130305379629135, -0.03827608749270439, 0.005303557496517897, -0.0069244918413460255, -0.02207254245877266, 0.0015759888337925076, -0.010299746878445148, 0.006356149911880493, 0.03762655332684517, 0.006379347760230303, -0.004851203877478838, -0.05321535840630531, 0.023916754871606827, 0.010978277772665024, 0.007771205622702837, -0.033381387591362, 0.0007408742676489055, 0.021388212218880653, -0.02540140226483345, 0.005416646134108305, 0.01772298850119114, -0.0342165008187294, -0.021527398377656937, -0.019926762208342552, -0.019219234585762024, -0.028672268614172935, 0.0025546387769281864, 0.030968833714723587, -0.01285148598253727, 0.0036246294621378183, -0.04706798866391182, 0.033752549439668655, -0.014080960303544998, -0.007603022735565901, -0.07279415428638458, 0.002155929571017623, 0.05071001499891281, -0.014985667541623116, 0.02207254245877266, 0.010728903114795685, -0.07181985676288605, -0.042150091379880905, -0.020286325365304947, 0.013744594529271126, -0.060592204332351685, -0.03403092175722122, -0.011720601469278336, -0.008588922210037708, 0.03349737450480461, 0.025563785806298256, 0.025146229192614555, -0.004323457833379507, -0.0007560976664535701, 0.02104024961590767, 0.0068954951129853725, 0.01337343268096447, 0.012120760977268219, 0.0071274712681770325, 0.0017151746433228254, 0.045467350631952286, -0.01597156748175621, -0.0033230602275580168, 0.051684316247701645, 0.025378204882144928, 0.009922785684466362, 0.014800086617469788, 0.0006440966390073299, -0.04321718215942383, 0.019045252352952957, -0.013570612296462059, -0.013675001449882984, -0.006419943645596504, 0.027118027210235596, -0.021017050370573997, 0.007452237885445356, -0.011720601469278336, 0.03948236256837845, -0.018801677972078323, -0.010850690305233002, -0.0491325780749321, -0.0096502136439085, 0.0186740905046463, -0.021817369386553764, -0.0005741412751376629, 0.01846531219780445, 0.009429835714399815, 0.020483504980802536, 0.022466903552412987, 0.008693311363458633, -0.029275406152009964, 0.013419827446341515, 0.025958145037293434, 0.008124968968331814, 0.014127355068922043, 0.0014447772409766912, 0.03744097054004669, 0.011674206703901291, -0.030296102166175842, 0.011395834386348724, 0.012352736666798592, -0.00013048666005488485, -0.004941094666719437, 0.07706251740455627, -0.02489105425775051, 0.018592899665236473, 0.017479412257671356, -0.005210767034441233, 0.011204454116523266, -0.0003332846681587398, 0.03205912187695503, 0.003931997809559107, -0.008107570931315422, -0.034471675753593445, 0.016099153086543083, 0.04407549276947975, 0.05989627540111542, -0.03700021654367447, 0.03461086004972458, -0.005874799098819494, 0.0029837950132787228, 0.010009776800870895, 0.0028576578479260206, -0.013234246522188187, -0.007678414694964886, -0.015310434624552727, -0.015890374779701233, 0.040990207344293594, 0.003963894676417112, -0.03697701916098595, -0.01742141880095005, -0.01688787341117859, -0.002318312879651785, -0.007487034425139427, -0.020181937143206596, 0.00479610962793231, 0.006965087726712227, 0.020680684596300125, 0.0007035405724309385, -0.013779391534626484, 0.02144620753824711, 0.017896970734000206, -0.014776889234781265, 0.030504880473017693, -0.012665905058383942, 0.04029427841305733, -0.05483919382095337, 0.007365246769040823, 0.022536495700478554, 0.06750509887933731, -0.02447349764406681, -0.027929944917559624, 0.030203312635421753, -0.006704114377498627, -0.0038479065988212824, -0.013303839601576328, -0.004555433988571167, 0.02811552584171295, 0.024380706250667572, -0.030203312635421753, -0.035190802067518234, -6.574171857209876e-05, 0.048483043909072876, 0.008461334742605686, 0.0021124340128153563, -0.023615185171365738, -0.04082782566547394, 0.020866267383098602, -0.0247750673443079, -0.004198770504444838, -0.007550828158855438, -0.0176301971077919, -0.0032621663995087147, 0.014834883622825146, 0.02964656800031662, -0.02393995225429535, 0.009998178109526634, 0.035909928381443024, -0.011656807735562325, -0.005344153381884098, 0.02683965489268303, 0.030249707400798798, 0.013002270832657814, -0.0010185209102928638, -0.028347501531243324, 0.03783532977104187, 0.012259946204721928, -0.007846597582101822, 0.025679774582386017, -0.019323624670505524, -0.0025198424700647593, 0.009308048523962498, 0.024287916719913483, 0.01782737672328949, -0.008171364665031433, -0.0181521438062191, 0.02797633968293667, -0.02384716086089611, -0.01317625306546688, 0.0054311444982886314, 0.015901973471045494, -0.012700701132416725, 0.0034622459206730127, -0.02396314963698387, 0.007898792624473572, -0.02572616934776306, 0.018906066194176674, -0.0468360111117363, 0.048761412501335144, -0.00833954755216837, 0.030133718624711037, 0.020089145749807358, 0.015901973471045494, 0.011511823162436485, 0.01836092211306095, -0.025007043033838272, 0.0037058210000395775, 0.019845571368932724, 0.0187784805893898, 0.02331361547112465, 0.0011794543825089931, -0.0371394008398056, 0.0023690578527748585, -0.020854666829109192, -0.008066975511610508, 0.0064895362593233585, 0.016319531947374344, 0.001318640192039311, 0.00440464960411191, 0.011772796511650085, -0.004886000417172909, 0.013698199763894081, 0.026282912120223045, -0.005062882322818041, 0.017757784575223923, 0.017073454335331917, 0.0018964060582220554, 0.02572616934776306, -0.0019123544916510582, 0.01948600821197033, 0.007562426850199699, 0.030087323859333992, 0.012155557051301003, 0.0018761082319542766, -0.009574821218848228, 0.033752549439668655, 0.015530811622738838, 0.028069129213690758, -0.012712299823760986, 0.011703203432261944, 0.02922901138663292, 0.018848072737455368, -0.004610528703778982, -0.027721164748072624, 0.05933953449130058, -0.002206674311310053, 0.006477937567979097, 0.031177612021565437, -0.0363042876124382, -0.012793491594493389, 0.027234015986323357, 0.02323242463171482, 0.011082666926085949, -0.031154414638876915, 0.013338636606931686, -0.015148051083087921, 0.02955377846956253, 0.016400722786784172, 0.037069808691740036, 0.012445527128875256, 0.005001988727599382, -0.025215821340680122, 0.0268628541380167, -0.01793176680803299, 0.013779391534626484, 0.03328859806060791, 0.004395950585603714, -0.011419032700359821, -0.0011076867813244462, -0.020495103672146797, 0.02064588852226734, 0.020970655605196953, -0.003114281687885523, 0.013385031372308731, -0.045049794018268585, -0.01383738499134779, 0.017699791118502617, 0.018732083961367607, 0.0011330591514706612, 0.006350350566208363, -0.009029677137732506, 0.008513529784977436, 0.012549917213618755, -0.012062766589224339, 0.001286018523387611, -0.03454126790165901, -0.005892197601497173, 0.00489759910851717, 0.005802306812256575, -0.014254942536354065, 0.009296449832618237, -0.019717983901500702, 0.016041159629821777, -0.009702407754957676, -0.00727825565263629, -0.03804410994052887, 0.00264162989333272, -0.0036362281534820795, 0.008913688361644745, 0.046720024198293686, 0.021492602303624153, -0.012016371823847294, 0.017549006268382072, 0.061520110815763474, 0.03556196391582489, 0.034773245453834534, 0.005297758150845766, 0.015577207319438457, -0.0011867036810144782, -0.00032241077860817313, 0.007626220118254423, -0.017270633950829506, 0.002016743877902627, 0.05483919382095337, 0.01803615503013134, -0.017444616183638573, 0.010920283384621143, 0.010073569603264332, -0.03744097054004669, 0.027535583823919296, 0.023035245016217232, 0.001420854707248509, 0.015994764864444733, -0.006727312225848436, -0.04927176237106323, -0.002732970518991351, 0.009238455444574356, -0.008954284712672234, -0.03887922316789627, -0.01265430636703968, 0.030922438949346542, 0.0044568441808223724, 0.031247204169631004, -0.02032112143933773, 0.040711838752031326, -0.0015382927376776934, 0.007979984395205975, 0.009656012989580631, 0.024403905496001244, 0.012027970515191555, 0.01560040470212698, -0.032615866512060165, 0.023777568712830544, -0.0160643570125103, -0.04305479675531387, -0.010079369880259037, -0.006999884266406298, 0.004442345816642046, -0.032615866512060165, -0.0013621357502415776, 0.00953422486782074, -0.042660437524318695, 0.00632135383784771, 0.010676708072423935, 0.0038102103862911463, -0.0012845686869695783, -0.004366953391581774, 0.02530861273407936, 0.01410415768623352, -0.03521399945020676, 0.037162601947784424, 0.009296449832618237, -0.027697967365384102, -0.02271047793328762, 0.025262216106057167, 0.002637280384078622, 0.01440572738647461, 0.030922438949346542, -0.021910158917307854, 0.0019370019435882568, 0.019833972677588463, -0.055117566138505936, 0.012689102441072464, 0.026561284437775612, -0.022153735160827637, -0.007121671922504902, -0.007115872576832771, 0.011175457388162613, 0.0009380541159771383, -0.015890374779701233, 0.02934500016272068, 0.007411642000079155, -0.030017731711268425, -0.011969976127147675, -0.0029475486371666193, -0.0024430002085864544, 0.006912893150001764, 8.291340054711327e-05, 0.04382031783461571, 0.020251529291272163, 0.0010018475586548448, 0.009806796908378601, -0.013269043527543545, -0.004488741047680378, 0.02883465215563774, 0.0009235555771738291, -0.004616328049451113, -0.0029620472341775894, -0.02127222530543804, -0.02811552584171295, 0.01534523069858551, 0.009215258061885834, 0.025679774582386017, 0.01595996879041195, 0.04678961634635925, 0.0024343011900782585, 0.02509983442723751, 0.012897881679236889, -0.028254710137844086, -0.012399132363498211, -0.005973389372229576, 0.00476711243391037, -0.02022833190858364, 0.031131217256188393, -0.038832828402519226, 0.01805935427546501, -0.03361336141824722, 0.01876688189804554, 0.0003032002423424274, 0.008281553164124489, -0.004503239411860704, 0.006767908111214638, 0.0031432786490768194, -0.009725605137646198, 0.00829315185546875, 0.023174431174993515, 0.015936771407723427, 0.02572616934776306, -0.01062451396137476, 0.03331179544329643, 0.04676641896367073, 0.004816407337784767, 0.022142136469483376, -0.017363425344228745, 0.030945636332035065, -0.013570612296462059, -0.025355007499456406, -0.02445030026137829, -0.013443025760352612, 0.014591308310627937, -0.010032974183559418, 0.0029837950132787228, 0.04061904549598694, -0.010659310035407543, 0.008171364665031433, -0.020355919376015663, 0.0059965867549180984, 0.006982486229389906, 0.019335223361849785, 0.009163063019514084, -0.005535534117370844, -0.021121440455317497, -0.0007321751327253878, -0.014185349456965923, 0.0026575783267617226, 0.014985667541623116, 0.018685689195990562, -0.025007043033838272, -0.00912246759980917, 0.04073503613471985, -0.009192059747874737, 0.012549917213618755, 0.017954964190721512, -0.013941774144768715, 0.001374459476210177, -0.003958095330744982, 0.003241868456825614, -0.025331810116767883, -0.00759722338989377, 0.01938161812722683, -0.026097331196069717, -0.030829647555947304, 0.03210551664233208, 0.022675681859254837, -0.02393995225429535, 0.046696826815605164, -0.025656577199697495, -0.031873542815446854, -0.030922438949346542, 0.056045468896627426, 0.0025357906706631184, 0.033752549439668655, 0.00754502834752202, 0.02291925624012947, -0.017456214874982834, 0.011459628120064735, -0.016087554395198822, 0.008641116321086884, 0.0088672935962677, -0.0023357111494988203, 0.0329638309776783, 0.003960995003581047, 0.02987854555249214, -0.011981574818491936, 0.02716442197561264, 0.005761710926890373, 0.007736409083008766, -0.024403905496001244, 0.015008865855634212, -0.02621331997215748, -0.0019529502606019378, 0.006414144299924374, 0.01926562935113907, -0.0068201026879251, -0.01885967142879963, 0.04637205973267555, 0.028741860762238503, 0.013141456060111523, -0.021121440455317497, 0.007481235079467297, 0.018268132582306862, 0.03423969820141792, 0.013454624451696873, 0.022524897009134293, 0.016238339245319366, 0.0004389426321722567, 0.011285645887255669, -0.004253865219652653, -0.029368197545409203, 0.023244023323059082, 0.03771934285759926, 0.006837500724941492, 0.029623370617628098, -0.0009076072019524872, -0.02811552584171295, 0.010694106109440327, 0.001251222100108862, 0.02250169962644577, 0.005558731500059366, -0.004871502052992582, 0.011030471883714199, -0.00025227421429008245, -0.007945187389850616, 0.007678414694964886, -0.0024893954396247864, 0.012955875135958195, 0.035422779619693756, 0.0018804577412083745, -0.001732572796754539, 0.00016908896213863045, -0.029576975852251053, -0.002432851353660226, -0.01005617156624794, 0.005207867361605167, 0.002374857198446989, -0.03667544946074486, 0.004909198265522718, -0.004532236605882645, -0.03057447448372841, -0.024403905496001244, -0.005932793486863375, 0.01140163466334343, 0.033033423125743866, 0.027512386441230774, -0.014452122151851654, -0.008954284712672234, -0.02290765754878521, -0.0019123544916510582, -0.021712979301810265, 0.01855810172855854, -0.017351826652884483, -0.0026619278360158205, 0.02113303914666176, -0.027558783069252968, -0.012468725442886353, -0.00012731511378660798, 0.005668920464813709, -0.015182847157120705, -0.03243028372526169, -0.016307933256030083, 0.009569021873176098, 0.025355007499456406, 0.003621729789301753, 0.007208663038909435, 0.0004962117527611554, -0.010079369880259037, -0.0050860801711678505, 0.0036130305379629135, -0.04129177704453468, 0.012248347513377666, -0.017549006268382072, -0.0032592667266726494, 0.018175341188907623, -0.0018587099621072412, -0.02279166877269745, -0.028857849538326263, 0.01833772473037243, -0.006524332799017429, 0.0018601597985252738, -0.009685009717941284, -0.027605177834630013, 0.026793260127305984, -0.002906952751800418, -0.037046611309051514, 0.03133999556303024, -0.011743798851966858, -0.030412090942263603, -0.007272456306964159, -0.005532634444534779, -0.01005617156624794, 0.022861262783408165, -0.057483721524477005, 0.0029663967434316874, -0.008229358121752739, 0.01939321681857109, -0.025795763358473778, -0.004964292515069246, 0.00705207884311676, 0.047647926956415176, -0.0037290186155587435, 0.048993390053510666, 0.008107570931315422, 0.01792016811668873, -0.007765405811369419, 0.013698199763894081, 0.011117463000118732, -0.012236748822033405, 0.022223327308893204, -0.011581416241824627, -0.037185799330472946, -0.006982486229389906, -0.021817369386553764, -0.009551623836159706, 0.0025314411614090204, 0.013721397146582603, -0.024218324571847916, -0.007371046114712954, 0.018488509580492973, 0.006251760758459568, -0.00440464960411191, 0.015785986557602882, -0.0009366042213514447, 0.01957879774272442, -0.015843980014324188, -0.03635068237781525, -0.017259035259485245, -0.018952462822198868, 0.0007981433882378042, 0.00933124590665102, 0.001863059471361339, -0.016528310254216194, -0.04614008218050003, 0.013303839601576328, -0.02126062661409378, -0.01430133730173111, 0.01950920559465885, 0.036327484995126724, 0.02084306813776493, 0.01539162639528513, -0.027651572600007057, -0.002809812780469656, -0.0050396849401295185, 0.03259266912937164, -0.03389173373579979, 0.02955377846956253, -0.01659790240228176, 0.03307981789112091, -0.016249937936663628, -0.022339316084980965, 0.02135341614484787, 0.00021602791093755513, 0.003453546902164817, -0.009192059747874737, 0.00019500506459735334, 0.02653808705508709, 0.009574821218848228, 0.003468045499175787, 0.01866249181330204, 0.0011780045460909605, 0.04085102304816246, -0.006077778525650501, 0.01534523069858551, -0.009638614021241665, 0.026375703513622284, 0.014916074462234974, 0.009557423181831837, 0.05609186366200447, -0.016760285943746567, -0.013361833989620209, 0.04405229538679123, 0.006506934762001038, -0.014498517848551273, -0.009980779141187668, -0.006002386100590229, 0.024218324571847916, 0.02156219445168972, -0.02644529566168785, -0.013408228754997253, 0.003842107253149152, 0.021481003612279892, 0.012793491594493389, -0.020796673372387886, 0.020483504980802536, 0.0027126725763082504, -0.025772564113140106, -0.01731702871620655, -0.0251926239579916, 0.04231247305870056, -0.020239930599927902, 0.02850988507270813, 0.03493562713265419, 0.0028779557906091213, -0.020773475989699364, 0.04922536760568619, 0.007243459578603506, 0.04532816633582115, 0.013848983682692051, -0.011737999506294727, 0.010763699188828468, 0.06560289114713669, -0.03173435479402542, -0.019926762208342552, 0.04212689399719238, -0.0014179550344124436, 0.014695697464048862, -0.028045931831002235, 0.019114846363663673, -0.02102864906191826, 0.0024618483148515224, -0.00450613908469677, -0.007794403005391359, 0.006698315031826496, -0.029321802780032158, -0.012016371823847294, -0.01410415768623352, 0.006332952529191971, -0.030760055407881737, -0.008119169622659683, 0.021620189771056175, 0.012190353125333786, 0.008391741663217545, -0.004497440066188574, -0.007115872576832771, 0.013222647830843925, -0.019358420744538307, 0.01783897541463375, -0.03577074408531189, 0.02250169962644577, 0.034773245453834534, -0.0069882855750620365, -0.0005531184724532068, 0.021399812772870064, 0.019300427287817, 0.0011236350983381271, -0.0021385313011705875, -0.014950871467590332, -0.01969478651881218, 0.0022965651005506516, 0.0007510232389904559, 0.007191264536231756, 0.03577074408531189, 0.03006412647664547, -0.027628375217318535, -0.0022284220904111862, 0.04126857966184616, 0.0323374941945076, 0.006228563375771046, 0.013338636606931686, 0.006263359449803829, -0.032383888959884644, 0.028788257390260696, -0.021388212218880653, -0.02911302261054516, -0.036861032247543335, 0.011053670197725296, 0.028045931831002235, 0.011511823162436485, 0.02384716086089611, -0.007417441811412573, 0.024798264726996422, 0.031571973115205765, -0.01362860668450594, -0.018302928656339645, -0.010392537340521812, 0.013941774144768715, -0.005091879516839981, -0.02445030026137829, 0.008768703788518906, -0.005663121119141579, -0.03658265992999077, -0.007742208428680897, 0.033219002187252045, -0.006332952529191971, 0.009226856753230095, 0.0021109841763973236, -0.010241752490401268, -0.00016954203601926565, -0.003064986551180482, 0.03349737450480461, 6.0893773479619995e-05, -0.0038015113677829504, -0.016644299030303955, 0.011935180053114891, 0.012155557051301003, -0.0021733278408646584, 0.0032679657451808453, 0.01358221098780632, -0.014811685308814049, -0.003093983745202422, 0.019161241129040718, 0.017583802342414856, 0.005555831827223301, 0.009882189333438873, 0.06332952529191971, -0.021689781919121742, -0.026886051520705223, -0.02892744168639183, -0.027094829827547073, -0.0520554780960083, 0.014254942536354065, 0.0039290981367230415, 0.057298142462968826, -0.019114846363663673, -0.02862587384879589, 0.016099153086543083, 0.05108117684721947, -0.015704793855547905, 0.021689781919121742, 0.011314643546938896, 0.0045670331455767155, -0.028695465996861458, -0.04839025065302849, -0.009743004105985165, 0.007916190661489964, 0.004195870831608772, -0.009893788024783134, -0.0008902089903131127, -0.00938344094902277, -0.006118374411016703, -0.007301453500986099, 0.0025154927279800177, 0.004877301398664713, 0.015438021160662174, -0.03451807051897049, 0.008768703788518906, 0.03597952052950859, -0.005567430518567562, -0.00829315185546875, -0.004572832491248846, -0.01389537937939167, -0.002113883849233389, 0.022733675315976143, 0.01937001943588257, 0.0006172743742354214, -0.014382529072463512, -0.052009083330631256, -0.016725489869713783, -0.017560604959726334, 0.015704793855547905, -0.02054150030016899, 0.018523305654525757, 0.028556279838085175, -0.008043777197599411, 0.017885372042655945, 0.0030301902443170547, -0.012004772201180458, 0.008333748206496239, 0.010705705732107162, -0.041825324296951294, 0.03326539695262909, -0.024218324571847916, 0.04263724014163017, 0.009685009717941284, -0.0052252658642828465, -0.010583917610347271, 0.0042248680256307125, 0.02188696153461933, 0.0046424251049757], "6c38ece5-f833-48a8-a596-699a8eaebd4d": [0.007508144248276949, -0.023419564589858055, 0.0659596249461174, -0.001297027338296175, -0.020715901628136635, 0.021020367741584778, 0.01713537611067295, -0.027060983702540398, 0.0021084307227283716, -0.0018344107083976269, 0.00749596580862999, -0.05124780535697937, -0.051832377910614014, -0.007355911191552877, 0.029472358524799347, -0.027767345309257507, -0.015978403389453888, 0.004116387106478214, -0.06503404676914215, -0.0012346117291599512, 0.031956806778907776, 0.07424111664295197, -0.02615976333618164, -0.010936437174677849, 0.03658469766378403, -0.04554818943142891, -0.02479575201869011, 0.017939167097210884, 0.0402139388024807, -0.019839037209749222, 0.009882982820272446, -0.015613042749464512, -0.04213816672563553, 0.028230134397745132, -0.03431946411728859, 0.009115727618336678, -0.05524240434169769, 0.028887782245874405, 0.03249266743659973, -0.05899343267083168, -0.01339652668684721, -0.01161844190210104, 0.0036962234880775213, 0.010096109472215176, -0.0383627824485302, 0.034660469740629196, -0.007532501593232155, -0.0226035937666893, -0.008403276093304157, 0.04727755859494209, -0.05680127441883087, 0.024406036362051964, 0.02097165398299694, -0.008665117435157299, 0.10434676706790924, 0.04043315351009369, 0.007946575991809368, -0.013128596358001232, 0.023833638057112694, -0.07750499248504639, 0.008567688055336475, 0.03417332097887993, -0.014261211268603802, 0.026257192716002464, -0.007751717232167721, 0.030397936701774597, -0.05587569624185562, 0.03617062047123909, -0.003674910869449377, 0.014516963623464108, 0.01144185196608305, 0.04128566011786461, 0.030958155170083046, 0.009140084497630596, -0.04070108383893967, -0.01684308797121048, 0.00561436265707016, 0.022347841411828995, 0.047082703560590744, 0.03349131718277931, -0.0020901625975966454, -0.04286888614296913, -0.01016918197274208, -0.013445241376757622, -0.017732130363583565, 0.002959414618089795, -0.03310159966349602, -0.027596844360232353, -0.04092029854655266, -0.022579235956072807, -0.04403803497552872, 0.04036008194088936, -0.07687170803546906, 0.029545430094003677, -0.007727360352873802, -0.004582221154123545, -0.03687698394060135, -0.033515673130750656, -0.004506104625761509, 0.015004109591245651, 0.055047545582056046, -0.024150284007191658, -0.014066352508962154, -0.00018039641145151109, 0.051199089735746384, -0.011374869383871555, -0.02693919651210308, 0.023967603221535683, -0.008001379668712616, -0.019717251881957054, -0.041480518877506256, 0.01140531525015831, -0.013761886395514011, 0.055583406239748, 0.054462969303131104, -0.015345112420618534, -0.018742958083748817, -0.004317335318773985, -0.006874853745102882, -0.016599513590335846, -0.0390935018658638, -0.006667816545814276, -0.026695623993873596, -0.01790263131260872, -0.02337084896862507, 0.007215856574475765, 0.013700992800295353, -0.014224675484001637, -0.023931067436933517, -0.009328854270279408, 0.020581936463713646, -0.0018024417804554105, -0.0016014939174056053, -0.04113951697945595, 0.004734454210847616, -0.01832888461649418, 0.002426598221063614, -0.007575126830488443, -0.06897993385791779, -0.06474176049232483, 0.031883735209703445, -0.031031226739287376, -0.013810601085424423, 0.081548310816288, 0.022725380957126617, 0.018280168995261192, -0.021763266995549202, -0.014468248933553696, 0.007818699814379215, -0.029009569436311722, -0.024966254830360413, -0.005315985530614853, -0.02986207604408264, 0.03490404039621353, 0.014017638750374317, -0.016806552186608315, 0.010004770010709763, 0.055534690618515015, -0.03509889915585518, 0.03178630396723747, -0.054755259305238724, -0.01016309205442667, 0.020935118198394775, -0.006089330185204744, -0.02516111359000206, -0.017159732058644295, -0.018925638869404793, -0.03366181626915932, -0.048300568014383316, -0.0027767345309257507, -0.030178720131516457, -0.015527792274951935, -0.028376279398798943, -0.034295108169317245, 0.04201637953519821, -0.08106116205453873, 0.003510498907417059, -0.05797042325139046, 0.02935057133436203, -0.03897171467542648, 0.008086631074547768, 0.004433032590895891, -0.016465548425912857, -0.01339652668684721, 0.020557578653097153, -0.021337013691663742, -0.01713537611067295, 0.046449411660432816, -0.03936143219470978, 0.019632000476121902, 0.05943186208605766, -0.0008114032680168748, 0.04895821586251259, -0.053196389228105545, -0.040481869131326675, -0.03602447733283043, 0.018036596477031708, 0.010382307693362236, -0.04109080135822296, -0.03441689535975456, -0.004521327558904886, -0.03234652429819107, -0.01225782185792923, 0.05431682616472244, -0.016818730160593987, 0.0037053574342280626, 0.01289720181375742, -0.014200318604707718, 0.023504814133048058, -0.009627231396734715, 0.06026001274585724, 0.0052307345904409885, -0.003035531146451831, 0.01932753436267376, -0.024564357474446297, -0.00959069561213255, -0.03502582758665085, 0.03751027584075928, 0.013640100136399269, 0.008780814707279205, 0.030471008270978928, -0.0017187134362757206, -0.037997420877218246, 0.03673084080219269, 0.0012049262877553701, 0.04420853778719902, -0.020204398781061172, 0.01790263131260872, -0.004539595916867256, -0.06980808079242706, 0.005766595713794231, 0.05421939864754677, 0.010820739902555943, 0.009816000238060951, 0.011374869383871555, -0.03561040386557579, -0.009809911251068115, -0.02438167855143547, -0.013493956066668034, -0.04386753588914871, 0.00934712216258049, 0.017525091767311096, 0.006801781710237265, 0.03383231908082962, 0.013725350610911846, 0.004557863809168339, -0.009602873586118221, -0.06064973026514053, 0.03729105740785599, -0.014297747053205967, -0.012665807269513607, 0.03787563368678093, 0.006217206362634897, -0.05080937221646309, -0.0170501247048378, -0.04720448702573776, 0.015052824281156063, 0.05889600142836571, 0.009694213978946209, -0.008056184276938438, -0.0012490738881751895, -0.002199770649895072, -0.005784863606095314, 0.02664691023528576, -0.024211177602410316, -0.007855236530303955, -0.01517461147159338, 0.029448000714182854, 0.010193538852036, 0.026111047714948654, 0.023042025044560432, 0.025502115488052368, -0.000558696046937257, 0.02259141579270363, 0.0026930063031613827, 0.010290968231856823, -0.00559609429910779, -0.035853978246450424, -0.006198938004672527, -0.0348309688270092, -0.07433854043483734, -0.012129945680499077, 0.003306506434455514, 0.023541351780295372, 0.01798788085579872, -0.02835192158818245, 0.03624369204044342, 0.023906711488962173, 0.02416246198117733, 0.009572426788508892, -0.0065216729417443275, -0.002759988885372877, -0.01684308797121048, -0.05339124798774719, 0.06644677370786667, -0.017001410946249962, 0.010924258269369602, -0.04491490125656128, 0.007910040207207203, 0.042820170521736145, 0.023504814133048058, 0.014090710319578648, 0.011052134446799755, -0.013749707490205765, -0.02978900447487831, 0.009700302965939045, 0.03590269014239311, -0.016221975907683372, -0.023005489259958267, -0.06021129712462425, 0.04191894829273224, 0.03536682948470116, 0.0010496482718735933, -0.035586047917604446, -0.011734139174222946, -0.026257192716002464, 0.025672616437077522, -0.004904955625534058, 0.0037875634152442217, -0.036852627992630005, 0.005510843824595213, 0.008251042105257511, -0.010029126890003681, -0.027401985600590706, 0.009462819434702396, 0.008866065181791782, 0.014772715047001839, -0.0062293848022818565, 0.0020886403508484364, 0.021556228399276733, -0.017318055033683777, -0.017025766894221306, -0.005720925983041525, -0.0018115757266059518, -0.009816000238060951, 0.030397936701774597, -0.03994600847363472, 0.010735489428043365, -0.008464168757200241, -0.004110298119485378, -0.06815178692340851, -0.02480793185532093, 0.010157003067433834, -0.019010888412594795, 0.027328914031386375, -0.04291759803891182, -0.003364355070516467, 0.041529230773448944, 0.02601361833512783, 0.049421004951000214, 0.004560908302664757, 0.004177280701696873, -0.005501709878444672, 0.025916188955307007, -0.023273419588804245, 0.01932753436267376, 0.060942016541957855, -0.06664162874221802, -0.05904214829206467, -0.02246962860226631, -0.06591091305017471, -0.0047405436635017395, 0.004417809192091227, 0.04028701037168503, 0.011131295934319496, 0.0137131717056036, -0.07180538028478622, -0.04401367902755737, 0.02026529051363468, -0.016672587022185326, 0.022481806576251984, -0.028400637209415436, -0.004725320264697075, 0.021081261336803436, 0.0033004169818013906, -0.013384347781538963, 0.036219336092472076, 0.07721270620822906, 0.0018739914521574974, 0.023833638057112694, 0.051345232874155045, -0.007453340105712414, -0.023967603221535683, -0.05197852477431297, 0.06006515398621559, 0.047642920166254044, -0.00026735966093838215, 0.007593394722789526, -0.008805171586573124, -0.01768341474235058, 0.009487176313996315, 0.011423584073781967, 0.04272274300456047, 0.015734829008579254, 0.02182416059076786, 0.009073101915419102, -0.0001117962965508923, 0.04654683917760849, 0.02054540067911148, -0.07219509780406952, -0.016526442021131516, -0.016088010743260384, 0.005115037318319082, -0.022981133311986923, -0.01634376309812069, 0.06834664195775986, -0.004804481752216816, -0.0006899972213432193, 0.08403275907039642, -0.014797072857618332, 0.015430362895131111, -0.041967663913965225, 0.012276089750230312, -0.03020307794213295, 0.003699268214404583, -0.0682004988193512, 0.006625191308557987, 0.04099337011575699, 0.004487836267799139, -0.03013000637292862, 0.0213979072868824, -0.04347781836986542, 0.022116446867585182, 0.001370099256746471, -0.027767345309257507, 0.004466523882001638, -0.009085280820727348, -0.017878273501992226, 0.008579866029322147, -0.03215166553854942, 0.0029244008474051952, 0.037412844598293304, 0.019997360184788704, 0.010400576516985893, -0.0027280200738459826, 0.012714521959424019, 0.031737588346004486, -0.0015581074403598905, -0.03960500285029411, 0.03743720427155495, 0.015150253660976887, -0.0015131986001506448, -0.008512883447110653, 0.04664427042007446, -0.07248738408088684, 0.016307227313518524, 0.031153013929724693, -0.018389778211712837, 0.03013000637292862, 0.002342869760468602, -0.042381737381219864, -0.014297747053205967, 0.06932093948125839, 0.05972415208816528, -0.0316888764500618, -0.04079851135611534, 0.04513411596417427, 0.01804877445101738, -0.02893649786710739, -0.0439162515103817, 0.04342910274863243, 0.025429043918848038, 0.01840195618569851, 0.004804481752216816, 0.02623283490538597, 0.0046370248310267925, 0.007234124466776848, 0.031372230499982834, -0.06055229902267456, -0.007307196501642466, 0.01647772826254368, 0.03210294991731644, 0.009414104744791985, -0.013774065300822258, -0.023967603221535683, 0.006533851381391287, 0.009371479041874409, -0.01932753436267376, 0.006320724729448557, -0.0341002494096756, -0.0015543015906587243, -0.030471008270978928, -0.05509626120328903, -0.013908030465245247, 0.033223386853933334, 0.024540001526474953, 0.007946575991809368, 0.0155643280595541, 0.022226056084036827, 0.0023961514234542847, 0.010595434345304966, 0.0004711619403678924, 0.06712877750396729, -0.01077202521264553, -0.021227404475212097, -0.0341002494096756, -0.040895942598581314, 0.020301826298236847, -0.0457674078643322, 0.007544680032879114, -0.040335722267627716, -0.03034922294318676, 0.030105648562312126, -0.011155652813613415, 0.0487390011548996, 0.02330995723605156, -0.00019714207155629992, -0.00974292866885662, -0.04661991447210312, -0.0018252767622470856, -0.006966193672269583, 0.0012772370828315616, 0.04208945110440254, -0.011947265826165676, -0.0003480432787910104, 0.0002700237382669002, -0.010778114199638367, 0.01634376309812069, -0.03580526262521744, -0.027694273740053177, -0.000534338760189712, -0.015686115249991417, -0.007544680032879114, -0.0032060323283076286, -0.010759846307337284, -0.011667156592011452, -0.010461469180881977, -0.010102199390530586, 0.004789258353412151, -0.025843117386102676, 0.009042655117809772, -0.043039385229349136, 0.008786903694272041, -0.0005750611308030784, 0.012379608117043972, -0.03349131718277931, 0.001363248797133565, -0.050078652799129486, -0.02983771823346615, 0.006613012868911028, -0.015905329957604408, -0.04023829475045204, 0.039337072521448135, 0.0004235890519339591, 0.01424903329461813, -0.00133736920543015, 0.01332345511764288, 0.013274740427732468, 0.004990206100046635, -0.03580526262521744, 0.016185440123081207, 0.028522422537207603, 0.015722651034593582, 0.025331614539027214, -0.00022378288849722594, 0.026525123044848442, 0.008074452169239521, -0.01569829322397709, -0.02295677550137043, 0.008872154168784618, 0.047789063304662704, 0.00758730573579669, -0.013140774331986904, -0.009012209251523018, 0.008890422061085701, 0.051832377910614014, -0.002472268184646964, -0.059870295226573944, -0.021860696375370026, -0.001641074544750154, 0.0068444074131548405, 0.0005765834357589483, -0.025599544867873192, -0.07502055168151855, -3.380054113222286e-05, -0.006259831599891186, -0.03636547923088074, -0.003294327761977911, 0.009079191833734512, -0.009541980922222137, -0.020581936463713646, 0.002224127994850278, -0.0021495334804058075, 0.02808399125933647, -0.033734891563653946, 0.009608963504433632, -0.0015649578999727964, -0.01996082440018654, -0.030471008270978928, -0.014894502237439156, 0.01734241284430027, -0.0033369529992341995, 0.033369529992341995, 0.05719098821282387, -0.013031166978180408, 0.015527792274951935, -0.027475059032440186, 0.01932753436267376, -0.013944566249847412, 0.013238203711807728, 0.007033176254481077, -0.009261871688067913, -0.02538032829761505, -0.003839322831481695, -0.010047394782304764, -0.0013807556824758649, -0.010357950814068317, -0.016940517351031303, -0.008439811877906322, -0.015393827110528946, 0.04547511786222458, -0.00977337546646595, 0.008762545883655548, -0.02472268044948578, -0.00673479912802577, 0.00347396288998425, -0.008110987953841686, 0.02920442819595337, -0.009267960675060749, 0.047228846698999405, -0.014797072857618332, 0.0012772370828315616, 0.013956745155155659, -0.007672556210309267, 0.07838185876607895, 0.0032791043631732464, -0.01847502775490284, -0.04092029854655266, 0.039410144090652466, -0.016575157642364502, 0.016684764996170998, -0.022932417690753937, 0.024150284007191658, -0.009170531295239925, 0.003842367324978113, 0.03860635310411453, -0.0008684907224960625, -0.006320724729448557, 0.021142154932022095, -0.01669694297015667, 0.005048054736107588, -0.027401985600590706, 0.013311276212334633, -0.03256573900580406, 0.04355088993906975, -0.023358670994639397, 0.03312595561146736, 0.017025766894221306, 0.02302984707057476, -0.033296458423137665, -0.008695563301444054, -0.03268752619624138, 0.009797732345759869, -0.04569433629512787, 0.0263059064745903, -0.017926989123225212, -0.020935118198394775, -0.017659056931734085, -0.024637430906295776, 0.01868206448853016, -0.02771863155066967, -0.0015581074403598905, -0.0005537484539672732, -0.009505444206297398, 0.003918483853340149, -0.0031664518173784018, 0.010248342528939247, 0.038776855915784836, -0.004201638046652079, -0.006996640469878912, -0.02401631884276867, 0.005276404786854982, 0.016806552186608315, -0.006479047238826752, -0.02033836394548416, 0.0016517308540642262, 0.015442541800439358, -0.01289720181375742, 0.015454720705747604, 0.016404656693339348, -0.023407384753227234, -0.01947367750108242, -0.008908689953386784, -0.009517623111605644, -0.023699672892689705, -0.00012492641690187156, 0.02173890918493271, 0.00440563028678298, 0.013640100136399269, -0.031177371740341187, 0.018791673704981804, -0.013165132142603397, 0.007203677669167519, -0.05236824229359627, 0.002036880934610963, 0.07200024276971817, -0.002062760526314378, 0.0057391938753426075, -0.007897861301898956, -0.029253141954541206, -0.029521074146032333, -0.030178720131516457, 0.018097490072250366, -0.048860784620046616, -0.024917539209127426, 0.007179320324212313, -0.0021708463318645954, 0.025623902678489685, 0.028230134397745132, 0.019388427957892418, -0.0007166380528360605, 0.007410714868456125, 0.005468218587338924, 0.016014939174056053, 0.007946575991809368, 0.0034222037065774202, -0.01571047306060791, -0.0005408086581155658, 0.061867594718933105, -0.017926989123225212, -0.01307988166809082, 0.029764646664261818, 0.02757248841226101, 0.008372829295694828, 0.012811951339244843, 0.011953355744481087, -0.030154364183545113, 0.015466898679733276, -0.015332933515310287, -0.006351171527057886, -0.0017461155075579882, 0.01439517643302679, -0.032005518674850464, -0.010735489428043365, -0.029618501663208008, 0.046303268522024155, -0.014200318604707718, -0.011898551136255264, -0.04976200684905052, -0.0075507694855332375, 0.027475059032440186, -0.015016288496553898, -0.01254402007907629, 0.020788973197340965, 0.008659027516841888, 0.018450669944286346, 0.025623902678489685, 0.0199121106415987, -0.03631676733493805, 0.018462849780917168, 0.028546780347824097, 0.009602873586118221, 0.0018511563539505005, -0.005538245663046837, 0.036779556423425674, 0.006893122103065252, -0.025429043918848038, -0.015880974009633064, 0.005888382438570261, 0.00035127822775393724, -0.018304526805877686, 0.06050358712673187, -0.03517197072505951, 0.00554433511570096, 0.0030050845816731453, -0.005937097128480673, -0.01258055679500103, 0.012129945680499077, 0.020922938361763954, 0.0015002588042989373, 0.001117392093874514, -0.03220037743449211, -0.0027112741954624653, 0.04976200684905052, 0.07721270620822906, -0.033856675028800964, 0.04016522318124771, -0.01627068966627121, -0.0027797792572528124, 0.009511534124612808, 0.0018602904165163636, -0.02201901748776436, -0.014602214097976685, 0.001527660759165883, -0.011886373162269592, 0.029301857575774193, 0.005733104422688484, -0.03368617594242096, -0.015150253660976887, -0.007611663080751896, -0.001654775463975966, -0.018024418503046036, -0.04379446431994438, 0.020935118198394775, 0.011746318079531193, 0.004862330388277769, -0.00033243937650695443, -0.016940517351031303, -0.00892086885869503, 0.0274263434112072, 0.0038484567776322365, 0.027548130601644516, -0.01172805018723011, 0.054462969303131104, -0.03363746032118797, 0.02991078980267048, 0.015747008845210075, 0.052270811051130295, -0.03850892558693886, -0.02942364476621151, 0.005325119476765394, -0.0028969987761229277, 0.004728364758193493, -0.017598165199160576, -0.021276120096445084, 0.017805201932787895, 0.007349821738898754, -0.032517023384571075, -0.03582961857318878, 0.002178457798436284, 0.05792171135544777, 0.009006119333207607, -0.006058883853256702, -0.022542700171470642, -0.03127479925751686, 0.018353240564465523, -0.014577856287360191, 0.007532501593232155, 0.00026317324955016375, -0.014516963623464108, 0.004503059666603804, 0.010394486598670483, 0.0361219085752964, -0.021373549476265907, 0.014200318604707718, 0.02245745062828064, -0.01969289407134056, -0.01215430349111557, 0.03536682948470116, 0.026890482753515244, 0.005395146552473307, 0.006613012868911028, -0.021921588107943535, 0.03056843765079975, 0.012428322806954384, -0.0007337643182836473, 0.001927272998727858, -0.00653994083404541, -0.005663077346980572, 0.007033176254481077, 0.028230134397745132, 0.01848720759153366, -0.014809250831604004, 0.002056671306490898, 0.026257192716002464, -0.021556228399276733, -0.015040645375847816, 0.019144853577017784, 0.019388427957892418, -0.016404656693339348, 0.01233698334544897, -0.03782691806554794, 0.009158352389931679, -0.0074168043211102486, 0.01517461147159338, -0.034636110067367554, 0.04377010464668274, -0.0032182110007852316, 0.032029878348112106, 0.021154332906007767, 0.0259405467659235, 0.010577166453003883, -0.006564298179000616, -0.019096139818429947, -0.0073315538465976715, 0.00923751387745142, 0.010126556269824505, 0.030251793563365936, 0.010972972959280014, -0.03183501958847046, -0.0037175361067056656, -0.01456567831337452, -0.015430362895131111, 0.017817379906773567, 0.014809250831604004, 0.021020367741584778, 0.00924360379576683, 0.019315356388688087, -0.009541980922222137, 0.010571077466011047, 0.01719626784324646, -0.01834106259047985, 0.009073101915419102, 0.002047537360340357, 0.017573807388544083, 0.01413942500948906, -0.008470258675515652, 0.017963524907827377, -0.01122872531414032, 0.01663605123758316, 0.025623902678489685, 0.0053372979164123535, 0.0010937959887087345, 0.031445302069187164, 0.006533851381391287, 0.04074979946017265, -0.03468482568860054, 0.011344422586262226, 0.042966313660144806, 0.022859346121549606, -0.011898551136255264, -0.04506104439496994, 0.06498533487319946, 0.008287578821182251, 0.009474998340010643, 0.04347781836986542, -0.016173262149095535, -0.023492636159062386, 0.023626601323485374, 0.011289617978036404, 0.03751027584075928, -0.02601361833512783, 0.026135405525565147, 1.2749535017064773e-05, 0.03653598204255104, 0.0247348602861166, 0.018280168995261192, 0.03098251298069954, 0.006381618324667215, -0.025185469537973404, 0.006290278397500515, 0.001379233319312334, -0.002440299140289426, 0.06328032165765762, -0.00050617556553334, -0.02147097885608673, 0.008439811877906322, -0.032517023384571075, 0.030251793563365936, 0.006399886216968298, -0.0027051849756389856, -0.0011668679071590304, -0.0359514057636261, -0.003388712415471673, -4.514667671173811e-05, -0.000455558008980006, 0.010491915978491306, 0.00956024881452322, -0.02422335557639599, 0.0018054863903671503, 0.020874224603176117, -0.008439811877906322, 0.0034222037065774202, -0.04625455290079117, -0.0024007183965295553, 0.03804613649845123, 0.014504784718155861, -0.009840358048677444, 0.007977022789418697, -0.027060983702540398, -0.004704007413238287, -0.0049323574639856815, -0.00041940261144191027, -0.04435468092560768, 0.002119086915627122, -0.009907340630888939, 0.0007330031367018819, 0.04250352457165718, 0.02920442819595337, -0.0072280350141227245, 0.014456070028245449, 0.04959150403738022, 0.03193244710564613, 0.024272071197628975, 0.002042970387265086, 0.01506500318646431, 3.1564613891532645e-05, 0.006966193672269583, 0.0180609542876482, -0.006211116909980774, 0.004615712445229292, 0.04218687862157822, 0.028327563777565956, 0.0029776825103908777, 0.0009385180310346186, 0.013615742325782776, -0.030397936701774597, 0.03453868255019188, 0.03704748675227165, -0.006759156472980976, 0.02430860698223114, -0.017878273501992226, -0.01670912280678749, 0.0032303896732628345, 0.011466208845376968, 0.0015877928817644715, -0.055534690618515015, -0.008890422061085701, 0.034075893461704254, -0.003352176398038864, 0.039264000952243805, -0.013518312945961952, 0.05080937221646309, 0.009073101915419102, 0.02153187245130539, 0.02197030372917652, 0.033807963132858276, 0.0008464169222861528, 0.013774065300822258, -0.03936143219470978, 0.016027117148041725, -0.021349191665649414, -0.013116417452692986, -0.00959069561213255, -0.005118082277476788, -0.014772715047001839, -0.018450669944286346, -0.0028391501400619745, -0.004274710081517696, -0.04640069603919983, 0.01506500318646431, -0.004408675245940685, 0.0174154844135046, 0.006141089368611574, 0.0008388052228838205, 0.017427662387490273, 0.0192666407674551, -0.018499385565519333, 0.03475789725780487, 0.021982481703162193, -0.017719950526952744, -0.03617062047123909, 0.014370819553732872, 0.0050389207899570465, 0.020983831956982613, 0.009816000238060951, -0.03502582758665085, 0.021227404475212097, 0.0372423455119133, -0.06834664195775986, 0.0010816173162311316, 0.017537271603941917, -0.015332933515310287, 0.011862015351653099, 0.0035500796511769295, 0.01763470098376274, -0.012093409895896912, -0.0071488735266029835, 0.03149401769042015, 0.012495305389165878, -0.003951975144445896, -0.011362690478563309, -0.008141434751451015, 0.023042025044560432, 0.01976596564054489, -0.010193538852036, 0.033004168421030045, 0.014870144426822662, -0.0014690508833155036, 0.004722275771200657, -0.005894471891224384, 0.0016030161641538143, 0.018365420401096344, 0.006141089368611574, -0.001475140219554305, 0.00011503125278977677, -0.029033927246928215, -0.011880283243954182, 0.014602214097976685, 0.022981133311986923, 0.013335633091628551, 0.013652278110384941, 0.04401367902755737, 0.009895161725580692, 0.0255751870572567, 0.01402981672435999, -0.020996009930968285, -0.01048582699149847, -0.004563953261822462, -0.0025011925026774406, -0.013518312945961952, 0.018353240564465523, -0.06532633304595947, 0.0056569878943264484, -0.02991078980267048, -0.0024326874408870935, 0.007836967706680298, 0.016575157642364502, 0.011807211674749851, 0.0058213998563587666, 0.016014939174056053, -0.02466178685426712, -0.003239523619413376, 0.026841767132282257, 0.0034100250340998173, 0.019851217046380043, -0.017951345071196556, 0.03098251298069954, 0.06050358712673187, 0.006917478982359171, 0.014066352508962154, -0.0037753847427666187, 0.022725380957126617, 0.01607583276927471, -0.005364699754863977, -0.02032618410885334, -0.0192666407674551, 0.010370129719376564, -0.02154405042529106, -0.009974323213100433, 0.042600955814123154, -0.003379578236490488, 0.01677001640200615, -0.022993311285972595, 0.013859315775334835, -0.0074168043211102486, 0.009858625940978527, -0.0018070087535306811, -0.011606263928115368, -0.0042259953916072845, 0.0015504957409575582, -0.0006351932534016669, 0.005833578296005726, 0.03034922294318676, 0.04184587672352791, -0.015332933515310287, 0.00018553428526502103, 0.009067012928426266, -0.02801091969013214, -0.005836623255163431, 0.011874194256961346, -0.01832888461649418, -0.005535201169550419, -0.006679995451122522, 0.016173262149095535, -0.003991555888205767, -0.012300447560846806, 0.025331614539027214, -0.03183501958847046, -0.02813270501792431, 0.0210325475782156, 0.03349131718277931, -0.025964904576539993, 0.03590269014239311, -0.008884333074092865, -0.027669915929436684, -0.03804613649845123, 0.06766463816165924, -0.011685424484312534, 0.02083768881857395, 0.005090679973363876, 0.02971593104302883, -0.016221975907683372, 0.004329513758420944, -0.012020338326692581, -0.006290278397500515, 0.027475059032440186, 0.00788568239659071, 0.02330995723605156, -0.011928997933864594, 0.04749677702784538, 1.7590076822671108e-05, 0.0195467509329319, 0.007769985590130091, 0.009578516706824303, -0.03451432287693024, 0.0195467509329319, -0.013652278110384941, 0.007617752067744732, -0.0005396669148467481, 0.01882820948958397, -0.001916616689413786, -0.019010888412594795, 0.05061451345682144, 0.0024463883601129055, 0.017354590818285942, -0.01090599037706852, 0.024125926196575165, 0.006418154109269381, 0.02572133019566536, 0.005702657625079155, 0.03334517404437065, -0.0010564988479018211, -0.007014908362179995, 0.01691615954041481, 0.004137699957937002, -0.013615742325782776, -0.005641764495521784, 0.0402139388024807, 0.01776866614818573, 0.01499193161725998, 0.004539595916867256, -0.020058253780007362, -0.001820709789171815, -0.011776764877140522, 0.047082703560590744, -0.003343042219057679, 0.012568377889692783, 0.005912739783525467, -9.98079267446883e-05, -0.012251732870936394, -0.001723280525766313, -0.0030172632541507483, 0.016940517351031303, 0.03295545652508736, -0.014614393003284931, -0.007983111776411533, -0.01684308797121048, -0.021556228399276733, 0.0034222037065774202, -0.0037875634152442217, 0.01961982250213623, -0.008482436649501324, -0.050419654697179794, 0.0015581074403598905, -0.009213156998157501, -0.02166583761572838, -0.019936466589570045, -0.016027117148041725, 0.011752407066524029, 0.017305877059698105, 0.02317599020898342, 0.0009819045662879944, -0.01948585733771324, -0.020301826298236847, 0.007124516647309065, -0.013250382617115974, 0.027182770892977715, 0.003343042219057679, 0.013883672654628754, 0.03419768065214157, -0.026695623993873596, -0.017525091767311096, -0.007258481811732054, 0.006594744510948658, 0.00019904498185496777, -0.03210294991731644, -0.016660407185554504, 0.00849461555480957, 0.019644180312752724, 0.015673935413360596, 0.008037916384637356, -0.002475312678143382, -0.005270315334200859, -0.005115037318319082, -0.004384317900985479, -0.03590269014239311, 0.03120172768831253, -0.013664457015693188, -0.015954045578837395, 0.007538591045886278, -0.003967198543250561, 0.0029670260846614838, -0.020423613488674164, 0.009304496459662914, -0.018889103084802628, -0.009615052491426468, -0.01532075461000204, -0.02601361833512783, 0.0024829243775457144, -0.011807211674749851, -0.016575157642364502, 0.017500735819339752, -0.015588685870170593, -0.03816792368888855, -0.00308272335678339, 0.0013822779292240739, -0.007763896137475967, 0.01754944957792759, -0.06859021633863449, 0.011466208845376968, -0.006868764758110046, 0.017866095528006554, -0.01856027916073799, 0.010735489428043365, 0.011259172111749649, 0.0585549995303154, -0.0034222037065774202, 0.05022479593753815, -0.0015664802631363273, 0.0292774997651577, -0.011259172111749649, 0.02245745062828064, 0.022981133311986923, -0.012056874111294746, 0.02480793185532093, -0.016246333718299866, -0.053683534264564514, 0.001986643997952342, -0.022518344223499298, -0.002187591977417469, 0.006201982963830233, 0.028619851917028427, -0.035147614777088165, -0.007435072213411331, 0.025355970486998558, -0.010041305795311928, 0.009858625940978527, 0.035780902951955795, 0.006013213656842709, 0.012495305389165878, -0.01577136479318142, -0.028595494106411934, 0.0023885397240519524, -0.008330203592777252, -0.011630620807409286, 0.014553499408066273, 0.00609237514436245, -0.02373620867729187, -0.0567038431763649, 0.016173262149095535, -0.029618501663208008, -0.017537271603941917, 0.014784893952310085, 0.0378025621175766, 0.01734241284430027, 0.021775444969534874, -0.028254492208361626, 0.011612352915108204, -0.016514264047145844, 0.011058223433792591, -0.04301502928137779, 0.039678074419498444, -0.03383231908082962, 0.012434412725269794, -0.011770675890147686, -0.014127246104180813, 0.009499355219304562, -0.004503059666603804, 0.01903524622321129, -0.019303176552057266, -0.015296397730708122, 0.03178630396723747, -0.0003233053721487522, -0.007459429558366537, 0.012434412725269794, 0.010254432447254658, 0.035220686346292496, -0.0031664518173784018, -0.0006641175714321434, -0.0035013649612665176, 0.020423613488674164, 0.01834106259047985, 0.020776795223355293, 0.047228846698999405, -0.020874224603176117, -0.0006066495552659035, 0.05027351155877113, -0.002281976630911231, -0.0011326153762638569, -0.016173262149095535, -0.010997330769896507, 0.008926957845687866, 0.014663107693195343, -0.03334517404437065, -0.01860899291932583, -0.002012523589655757, 0.04099337011575699, 0.010979062877595425, -0.007977022789418697, 0.025696974247694016, 0.012050784192979336, -0.01634376309812069, -0.026378978043794632, -0.014078531414270401, 0.029009569436311722, -0.030860725790262222, 0.025672616437077522, 0.028839068487286568, 0.01328691840171814, -0.012592734768986702, 0.0476185642182827, -0.011886373162269592, 0.05982157960534096, 0.04009215161204338, 0.002042970387265086, 0.014054174534976482, 0.050419654697179794, -0.04255224019289017, -0.023821460083127022, 0.03441689535975456, -0.009992591105401516, 0.011033866554498672, -0.021495336666703224, 0.011807211674749851, -0.015308576636016369, -0.0005331969587132335, -0.007696913555264473, -0.002044492634013295, 0.00737417908385396, -0.025112397968769073, 0.004676605574786663, -0.004731409717351198, -0.0015208101831376553, -0.03887428343296051, -0.018962174654006958, 0.006055838894098997, 0.0023976739030331373, 0.012945916503667831, 0.007173230871558189, -0.004235129337757826, 0.025477757677435875, -0.021702373400330544, 0.014809250831604004, -0.021653657779097557, 0.026476407423615456, 0.032882384955883026, -0.01648990623652935, -0.010498004965484142, 0.02216516248881817, 0.020655008032917976, 0.006746978033334017, -0.009353211149573326, -0.02126394212245941, -0.01941278576850891, -0.009280139580368996, 0.039264000952243805, 0.0012871321523562074, 0.03787563368678093, 0.024576537311077118, -0.034002821892499924, 0.0009849491761997342, 0.032931096851825714, 0.04340474680066109, 0.0005221600877121091, 0.019997360184788704, 0.01941278576850891, -0.01775648631155491, 0.008470258675515652, -0.02956978790462017, -0.03190809115767479, -0.019729429855942726, 0.003452650271356106, 0.013567027635872364, 0.014675285667181015, 0.015004109591245651, -0.018024418503046036, 0.0008669684175401926, 0.020947296172380447, -0.0037418934516608715, -0.029618501663208008, 0.021361371502280235, 0.01585661619901657, -0.003979377448558807, -0.03164016082882881, -0.0013807556824758649, 0.0027630336116999388, -0.021726731210947037, -0.0030751118902117014, 0.02898521162569523, -0.00643033254891634, 0.01790263131260872, 0.006765245925635099, 0.0069296578876674175, 0.01499193161725998, -0.0046583376824855804, 0.023115098476409912, 0.004046360030770302, -0.00042549194768071175, -0.01685526594519615, 0.040822871029376984, 0.01960764266550541, 0.014553499408066273, 0.004728364758193493, 0.027889132499694824, 0.003580526215955615, -0.005416459403932095, -0.006789603270590305, 0.011527102440595627, 0.007794342935085297, -0.009578516706824303, 0.07175666838884354, -0.02467396669089794, -0.024771396070718765, -0.031810659915208817, -0.024004140868782997, -0.03743720427155495, 0.01684308797121048, 0.0013777109561488032, 0.05417068302631378, -0.01214821357280016, -0.02615976333618164, 0.01193508692085743, 0.04574304819107056, -0.01790263131260872, 0.012714521959424019, 0.006862675305455923, 0.009462819434702396, -0.02664691023528576, -0.029374929144978523, 0.003070544684305787, 0.006290278397500515, -0.00831193570047617, -0.027986561879515648, -0.004460434429347515, -0.019790323451161385, -0.0042320843786001205, -0.004786213394254446, -0.015905329957604408, 0.011155652813613415, 0.015186789445579052, -0.024393856525421143, 0.001749160117469728, 0.032029878348112106, -0.021726731210947037, 0.006698263343423605, -0.005599139258265495, -0.007209767121821642, -0.01713537611067295, 0.03217602148652077, 0.03239523619413376, -0.012263910844922066, 0.00019114789029117674, -0.04247916862368584, 0.002724975347518921, 0.0022637085057795048, 0.019424963742494583, -0.02805963344871998, 0.006174581125378609, 0.0243695005774498, 0.0013503090012818575, 0.01100950874388218, 0.003257791744545102, 0.0042259953916072845, -0.006302456837147474, 0.010717221535742283, -0.03775384649634361, 0.035586047917604446, -0.03125044330954552, 0.03643855080008507, 0.003702312707901001, -0.0039276182651519775, -0.009292317554354668, -0.01122872531414032, 0.026208477094769478, -0.0024707457050681114], "160f5173-ce59-4354-bb1b-2ef61fda44bd": [-0.0009896266274154186, 0.006456370465457439, 0.05766421556472778, 0.002568433992564678, -0.02319960668683052, 0.007910449057817459, 0.004129188600927591, -0.011875519528985023, 0.013641420751810074, 0.03240329772233963, 0.011540721170604229, -0.047003164887428284, -0.04613662511110306, -0.0009174150764010847, 0.02029801346361637, -0.021650340408086777, -0.0019119653152301908, -0.0030230386182665825, -0.09101282805204391, 0.01184269692748785, 0.03030259907245636, 0.061025336384773254, -0.004654363729059696, -0.0338737890124321, 0.017764044925570488, -0.026363786309957504, -0.020035427063703537, -0.000904285698197782, 0.05060061067342758, -0.027335358783602715, -0.003689354518428445, -0.03227200359106064, -0.02614058554172516, 0.0212564580142498, -0.018013503402471542, 0.025851739570498466, -0.012735494412481785, 0.046819351613521576, 0.052176136523485184, -0.045847777277231216, -0.009282468818128109, -0.02738787606358528, 0.028254415839910507, -0.013116246089339256, -0.012925869785249233, 0.06391379982233047, -0.002908156719058752, -0.01899820566177368, 0.006508887745440006, 0.02723032422363758, -0.06008002161979675, 0.053095195442438126, -0.004076670855283737, 0.01788220927119255, 0.07499498873949051, 0.0068272752687335014, 0.003283984959125519, -0.004916951060295105, 0.016661176458001137, -0.054880790412425995, 0.014258502051234245, 0.0019808944780379534, -0.022017963230609894, 0.0301187876611948, -0.009748561307787895, 0.032639626413583755, -0.048604946583509445, 0.0019776122644543648, -0.013332881033420563, 0.020534342154860497, 4.049078779644333e-05, 0.042801763862371445, 0.0522286556661129, 0.009696044027805328, -0.017055058851838112, -0.007962966337800026, 0.011954296380281448, 0.01233504805713892, 0.041016168892383575, 0.004549328703433275, 0.000597796868532896, -0.038600362837314606, -0.04999666288495064, -0.007871060632169247, -0.001994023798033595, 0.00781854335218668, -0.08555100858211517, -0.03305976837873459, -0.06013254076242447, -0.03508169203996658, -0.03883669152855873, 0.07032093405723572, -0.04931393265724182, 0.01948399282991886, 0.019877873361110687, -0.014035302214324474, -0.032797180116176605, 0.006781322415918112, -0.013943396508693695, 0.051677219569683075, 0.04952400550246239, -0.012039637193083763, -0.007273674011230469, -0.001357249217107892, 0.043116867542266846, -0.018801266327500343, -0.030355116352438927, 0.026179974898695946, 0.01626729592680931, -0.027913052588701248, -0.0564563125371933, 0.0029442624654620886, -0.024407507851719856, 0.034241411834955215, 0.03993955999612808, -0.024144921451807022, 0.03413637727499008, -0.031169136986136436, 0.011862390674650669, -0.015374498441815376, -0.02499833144247532, 0.00944002065807581, -0.020363660529255867, -0.021978573873639107, -0.019772838801145554, 0.012945564463734627, 0.0016288631595671177, -0.018118537962436676, -0.03032885678112507, 0.021663470193743706, 0.013168763369321823, -0.0050843507051467896, 0.029094696044921875, -0.029593611136078835, -0.007943271659314632, -0.020192978903651237, 0.012197189964354038, -0.007404967676848173, -0.052858866751194, -0.030854031443595886, 0.011415991932153702, -0.03382126986980438, 0.011251874268054962, 0.06879792362451553, 0.01902446523308754, -0.01710757613182068, -0.03886295109987259, -0.021794762462377548, 0.011225615628063679, -0.008573481813073158, -0.021545303985476494, 0.009991454891860485, -0.025536635890603065, 0.01578150875866413, 0.017041929066181183, -0.041016168892383575, 0.023737911134958267, 0.07016338407993317, -0.05388295650482178, 0.029383542016148567, -0.07210653275251389, -0.0277554988861084, 0.009774819947779179, -0.0005789233837276697, -0.011402862146496773, -0.025694187730550766, -0.014928099699318409, -0.03547557070851326, -0.03529176115989685, -0.02625874988734722, -0.007319626864045858, -0.005448690615594387, -0.046845611184835434, -0.0277554988861084, 0.03886295109987259, -0.07047848403453827, 0.0064399586990475655, -0.04306435212492943, 0.005793336778879166, -0.03109036013484001, -0.008297765627503395, 0.004358952399343252, -0.004880845081061125, -0.03631585091352463, 0.013254104182124138, -0.05787428468465805, -0.01417972519993782, 0.041515085846185684, -0.045191310346126556, 0.011008981615304947, 0.03815396502614021, -0.006853533908724785, 0.01838112622499466, -0.06853534281253815, -0.05419806018471718, -0.045060016214847565, 0.02741413563489914, -0.017199480906128883, -0.04033344238996506, 0.005127021111547947, 0.004500093404203653, -0.05081068351864815, -0.0041948352009058, 0.035055432468652725, -0.01435040682554245, -0.017199480906128883, 0.01643797755241394, -0.009643525816500187, 0.009965196251869202, -0.0015230075223371387, 0.05619372799992561, 0.011980555020272732, 0.0008411005837842822, 0.011711402796208858, -0.02935728244483471, -0.003869883483275771, -0.03114287741482258, 0.05304267629981041, -0.004339258652180433, -0.034897878766059875, 0.02271381951868534, 0.011199356988072395, -0.008573481813073158, 0.009650090709328651, 0.0030181151814758778, 0.05530092865228653, -0.012814270332455635, 0.038941726088523865, 0.013483868911862373, -0.056036174297332764, 0.014560476876795292, 0.05354159325361252, 0.02175537496805191, -0.03093280829489231, 0.04792222008109093, -0.04201400279998779, 0.02337028831243515, -0.0049235159531235695, -0.049576520919799805, -0.009545056149363518, 0.013352574780583382, 0.039571937173604965, 0.01836799643933773, 0.03631585091352463, -0.006541711278259754, -0.0106282290071249, -0.021978573873639107, -0.06491163372993469, 0.027519170194864273, -0.05201858654618263, -0.026193104684352875, 0.032455816864967346, 0.015243204310536385, -0.05123082175850868, 0.003512107999995351, -0.05015421286225319, 0.02271381951868534, 0.04269672930240631, 0.03726116567850113, -0.04379959776997566, 0.023646004498004913, 0.00556685496121645, -0.022136127576231956, 0.019313311204314232, -0.02980368211865425, -0.009446585550904274, 0.0071817683055996895, 0.024932684376835823, 0.0063349236734211445, -0.007398402784019709, -0.010057101957499981, 0.041016168892383575, 0.0068994867615401745, 0.018131667748093605, -0.000125241931527853, -0.006952004041522741, -0.024945812299847603, -0.058294426649808884, 0.0052944207563996315, -0.003945377189666033, -0.042933057993650436, 6.244146334211109e-06, -0.022149255499243736, 0.02709903009235859, 0.021217070519924164, -0.025510376319289207, 0.000750425853766501, -0.00592463044449687, -0.008599740453064442, 0.04450858384370804, 0.010365641675889492, -0.014652382582426071, -0.024302473291754723, -0.03439896181225777, 0.027335358783602715, -0.014954358339309692, 0.010693876072764397, -0.033296097069978714, -0.0036860720720142126, 0.016030967235565186, 0.03308602422475815, 0.033795010298490524, -0.013851490803062916, -0.030696479603648186, -0.03526550158858299, 0.01999603770673275, 0.07047848403453827, 0.018446771427989006, 0.028805850073695183, -0.058294426649808884, 0.017370164394378662, 0.03046015091240406, 0.004014306701719761, -0.045690227299928665, -0.002857280196622014, -0.043116867542266846, 0.024762002751231194, -0.011022110469639301, -0.00616752402856946, -0.03253459185361862, 0.013864620588719845, -0.023173347115516663, -0.019628416746854782, -0.019562769681215286, 0.02434186264872551, -0.008987057022750378, 0.016254166141152382, -0.0038304952904582024, 0.023133959621191025, 0.021046388894319534, -0.04511253535747528, -0.04269672930240631, 0.0029754447750747204, 0.013825232163071632, -0.020757542923092842, 0.04513879120349884, -0.054723236709833145, -0.023252123966813087, -0.01612287200987339, 0.03584319353103638, -0.04529634490609169, -0.02452567219734192, 0.013306621462106705, -0.0025864869821816683, 0.0025224811397492886, -0.04411470144987106, 0.005622655153274536, 0.07331442832946777, 0.034425221383571625, 0.032455816864967346, -0.000597796868532896, 0.015203816816210747, 0.004621540196239948, 0.01609661430120468, 0.02065250650048256, 0.018118537962436676, 0.026888960972428322, -0.044403545558452606, -0.058767084032297134, -0.00500229187309742, -0.06732743978500366, -0.004585434217005968, 0.01629355549812317, 0.0583469457924366, 0.0003458769933786243, 0.025851739570498466, -0.06433393806219101, -0.049418967217206955, -0.01788220927119255, -0.023947980254888535, 0.007857930846512318, -0.011297827586531639, -0.009873290546238422, 0.012853658758103848, -0.03371623530983925, 0.01135690975934267, 0.044561099261045456, 0.07987911999225616, -0.0007926860125735402, 0.029278507456183434, 0.06674974411725998, -0.017567103728652, -0.005691584199666977, -0.05640379711985588, 0.05855701491236687, 0.05088945850729942, -0.02175537496805191, -0.017567103728652, 0.0024633989669382572, -0.005363349802792072, 0.020442437380552292, 0.01030655950307846, 0.018105408176779747, 0.016149131581187248, 0.038442809134721756, 0.011566979810595512, -0.035212986171245575, 0.07294680923223495, 0.03140546754002571, -0.06123540550470352, 0.015505792573094368, -0.02402675710618496, -0.029698647558689117, 0.02162408083677292, -0.03883669152855873, 0.023304641246795654, 0.01362829189747572, -0.008061436004936695, 0.07294680923223495, -0.023278381675481796, 0.03158927708864212, -0.06674974411725998, 0.014731159433722496, -0.03547557070851326, 0.026888960972428322, -0.07221156358718872, 0.02657385542988777, 0.06438645720481873, 0.01562395691871643, -0.03529176115989685, 0.01758023351430893, -0.01530885137617588, 0.004155447240918875, -0.010510064661502838, -0.055038340389728546, -0.03187812492251396, -0.025090236216783524, -0.025667928159236908, 0.05233369022607803, -0.059869952499866486, -0.013549515046179295, 0.012151236645877361, 0.016175391152501106, 0.019392088055610657, -0.006016536150127649, 0.010956463403999805, 0.02625874988734722, -0.002317334758117795, -0.029278507456183434, -0.0201535914093256, -0.025352824479341507, -0.007785719353705645, -0.015111911110579967, 0.011711402796208858, -0.022031091153621674, 0.041331272572278976, -0.004772528074681759, -0.013602033257484436, 0.056036174297332764, 0.019707191735506058, -0.03655217960476875, -0.016989411786198616, 0.06638212502002716, 0.04902508854866028, -0.05138837546110153, -0.04873624071478844, 0.04075358062982559, -0.03221948817372322, -0.04075358062982559, -0.04561144858598709, -0.0006162600475363433, 0.02338341809809208, 0.019785968586802483, -0.0021696293260902166, 0.027676723897457123, 0.013798973523080349, -0.017777174711227417, 0.022372456267476082, -0.037182390689849854, -0.005343655589967966, -0.017291387543082237, 0.040701065212488174, 0.003082120791077614, -0.04994414374232292, -0.02062624879181385, 0.008468447253108025, 0.036342110484838486, 0.003961788956075907, -0.01743580959737301, -0.016674306243658066, -0.01233504805713892, -0.02098074182868004, -0.042329106479883194, -0.021177683025598526, 0.06701233237981796, -0.002113829366862774, 0.02176850475370884, 0.009781384840607643, -0.01595219038426876, 0.004532916937023401, -0.016175391152501106, 0.010667617432773113, 0.06071023270487785, -0.013733326457440853, -0.015899673104286194, -0.018315479159355164, -0.03214070945978165, 0.008192730136215687, -0.00014473084593191743, -0.0052222092635929585, -0.051677219569683075, -0.03962445631623268, 0.027335358783602715, -0.009183998219668865, 0.05619372799992561, 0.07079359143972397, 0.03642088547348976, 0.006371029186993837, -0.03030259907245636, -0.02189979888498783, -0.007339320611208677, 0.005491361021995544, 0.02514275349676609, -0.028727073222398758, -0.033768754452466965, -0.007667555008083582, -0.017120705917477608, 0.018656842410564423, -0.028490744531154633, -0.03014504536986351, 0.002494581276550889, -0.012761753052473068, -0.0133722685277462, 0.010339383035898209, -0.028411967679858208, 0.013496997766196728, -0.00829120073467493, -0.026560725644230843, -0.014652382582426071, -0.020087944343686104, 0.02549724653363228, -0.04629417881369591, 0.011593238450586796, 0.02111203595995903, 0.0053666322492063046, -0.01869622990489006, -0.0029212860390543938, -0.02883210778236389, -0.017041929066181183, -0.00919056311249733, -0.005146715324372053, -0.03773382306098938, 0.03723490983247757, -0.016004707664251328, 0.0005173794343136251, -0.02498520165681839, -0.01169170904904604, 0.007017651107162237, 0.0073327561840415, -0.022595655173063278, 0.006879792548716068, 0.019444605335593224, 0.010536323301494122, 0.03368997573852539, 0.014652382582426071, 0.012932434678077698, 0.018000373616814613, -0.019785968586802483, -0.01722574047744274, 0.010759523138403893, 0.04398340731859207, 0.011343779973685741, 0.005511055234819651, -0.009072398766875267, 0.01322128064930439, 0.06270589679479599, -0.011612932197749615, -0.03710361570119858, -4.333719698479399e-05, 0.0003889577346853912, 0.015912802889943123, -0.0009256209596060216, -0.033427391201257706, -0.025050848722457886, 0.013135939836502075, -0.008980493061244488, -0.04122623801231384, -0.023422805592417717, -0.013044034130871296, 0.014862452633678913, -0.008973928168416023, 0.003149408847093582, -0.004247352946549654, 0.03589571267366409, -0.019063852727413177, 0.0009190562996082008, 0.010910511016845703, -0.018788136541843414, -0.009814208373427391, 0.023777298629283905, 0.04944522678852081, -0.007555955555289984, 0.02757168747484684, 0.04162012040615082, -0.011901779100298882, 0.012275965884327888, -0.04870998114347458, 0.01128469780087471, -0.009046139195561409, -0.002931133145466447, 0.012637023814022541, -0.0064957584254443645, -0.013365703634917736, -0.005694866646081209, -0.005478231701999903, 0.010043972171843052, 0.007962966337800026, -0.016884377226233482, -0.005730972159653902, 0.003269214415922761, 0.023737911134958267, -0.01755397394299507, 0.010634793899953365, -0.022687559947371483, -0.00044516788329929113, 0.008731034584343433, -0.002391187474131584, 0.015925932675600052, -0.007706943433731794, 0.04721323400735855, -0.00402415357530117, 0.015610827133059502, 0.019562769681215286, 0.005048244725912809, 0.03959819674491882, 0.01726512797176838, -0.014731159433722496, -0.025234660133719444, 0.012610765174031258, -0.02046869695186615, -0.0007081656949594617, -0.022963277995586395, 0.036368370056152344, 0.00382721284404397, 0.015912802889943123, 0.02741413563489914, -0.014665512368083, -0.00025889487005770206, 0.003259367309510708, -0.017672138288617134, -0.010345947928726673, -0.0167793408036232, 0.01802663318812847, -0.010214653797447681, 0.024053014814853668, -0.024788260459899902, 0.011901779100298882, 0.0201535914093256, 0.02657385542988777, -0.03416263312101364, 0.002535610692575574, -0.02451254427433014, 0.03865288197994232, -0.03460903465747833, 0.005563572980463505, -0.009978325106203556, -0.004198117647320032, 0.002108905930072069, -0.009328421205282211, 0.009466279298067093, -0.020599989220499992, -0.010208088904619217, -0.0003327476151753217, -0.007490308489650488, -0.0076412963680922985, 0.017475198954343796, -0.007129251025617123, 0.01901133544743061, 0.016201648861169815, -0.033138543367385864, -0.02258252538740635, 0.020271755754947662, 0.007936707697808743, -0.033427391201257706, -0.019076982513070107, -0.003275779075920582, 0.018328607082366943, -0.01885378360748291, -0.00037172544398345053, 0.018079150468111038, -0.00894766952842474, -0.01981222815811634, -0.04335319623351097, 0.012617330066859722, -0.007588779088109732, -0.00418498832732439, 0.052176136523485184, 0.0043622348457574844, -0.013812102377414703, -0.02822815626859665, 0.018735619261860847, -0.008527529425919056, 0.004779092501848936, -0.025864869356155396, 0.005895089358091354, 0.05138837546110153, 0.009643525816500187, -0.004949774593114853, 0.0033135260455310345, -0.051519669592380524, -0.014258502051234245, -0.025917386636137962, 0.015046264044940472, -0.038127705454826355, -0.024919554591178894, -0.005583266727626324, 0.006115006748586893, 0.03437270596623421, 0.03825899958610535, 0.012302224524319172, -0.007418096996843815, 0.021230200305581093, -0.0008226374047808349, 0.016805600374937057, -0.011225615628063679, 0.015715861693024635, -0.016529884189367294, -0.001025732490234077, 0.045690227299928665, -0.002307487651705742, 0.013995913788676262, 0.07772590219974518, 0.005120456218719482, -0.00552090210840106, 0.012938999570906162, 0.004349105525761843, -0.04285427927970886, 0.011415991932153702, -0.036368370056152344, 0.01006366591900587, -0.004303152672946453, -0.003577754832804203, -0.017448939383029938, -0.009945501573383808, -0.027440395206212997, 0.04479742795228958, -0.02611432783305645, -0.006886357441544533, -0.05383043736219406, 0.003198644146323204, 0.016030967235565186, -0.03920431435108185, -0.01241382397711277, 0.0036072959192097187, 0.015020005404949188, 0.014888711273670197, 0.005018703639507294, 0.0039552245289087296, -0.045375119894742966, 0.020521214231848717, 0.02662637270987034, 0.011363474652171135, 0.0011200997978448868, 0.00411605928093195, 0.041830189526081085, -0.001905400538817048, -0.010674182325601578, 0.021965444087982178, -0.02142713963985443, -0.006272559054195881, -0.008356847800314426, 0.0677475780248642, -0.02371165156364441, 0.014245372265577316, 0.014481700956821442, 0.0031937204767018557, -0.009630396962165833, 0.01563708670437336, 0.016858117654919624, 0.023462193086743355, 0.005484796594828367, -0.026718279346823692, -0.011862390674650669, 0.04498124122619629, 0.04928767681121826, -0.01838112622499466, 0.0040799533016979694, -0.023737911134958267, 0.0024683226365596056, -0.015925932675600052, -0.011855825781822205, -0.023803558200597763, -0.028306933119893074, 0.007949836552143097, -0.006082183215767145, 0.02657385542988777, 0.0025159164797514677, 0.00418498832732439, 0.01802663318812847, -0.023081442341208458, 0.022608784958720207, -0.01932644098997116, -0.03048640862107277, 0.01679247058928013, 0.018473030999302864, -0.0005050706677138805, -0.001332631567493081, -0.048447396606206894, 0.007766025606542826, 0.011665450409054756, 0.011468509212136269, 0.009899549186229706, -0.04225033149123192, 0.03466155007481575, -0.02594364620745182, 0.007615037728101015, 0.03487161919474602, 0.0699533149600029, -0.023278381675481796, -0.041173722594976425, -0.008481576107442379, 0.013418221846222878, 0.018512418493628502, -0.018276089802384377, -0.0071489447727799416, 0.014402925036847591, 0.012453212402760983, -0.029383542016148567, -0.043274421244859695, -0.0015033134259283543, 0.06575191020965576, -0.0006683672545477748, -0.014232242479920387, -0.016569271683692932, -0.04542763903737068, 0.01758023351430893, -0.022530008107423782, 0.003479284467175603, 0.004089800640940666, 0.0038633185904473066, 0.0015943985199555755, 0.015243204310536385, 0.014941229484975338, -0.027965569868683815, -0.020363660529255867, -0.004506658297032118, -0.05451316758990288, 0.012453212402760983, 0.01578150875866413, 0.03468780964612961, -0.001775747979991138, 0.007792284246534109, -0.053436558693647385, 0.0503380261361599, -0.008882022462785244, -0.01901133544743061, -0.006984827574342489, -0.01578150875866413, 0.0054158675484359264, 0.0016936893807724118, 0.03854784741997719, -0.01935269869863987, 0.011875519528985023, 0.003978200722485781, 0.03290221467614174, 0.0029508271254599094, -0.019575899466872215, 0.04944522678852081, 0.018262961879372597, -0.027020255103707314, 0.0024995047133415937, -0.003482566913589835, -0.006042794790118933, -0.021217070519924164, 0.0119214728474617, -0.014993746764957905, 0.05839946120977402, 0.0012079025618731976, 0.003187155816704035, 0.017803432419896126, -0.00934155099093914, 0.0034366140607744455, 0.01628042571246624, -0.004870998207479715, -0.013496997766196728, 0.005064656492322683, 0.01983848586678505, 0.027808016166090965, -9.626499377191067e-05, -0.03445148095488548, -0.002117111813277006, -0.0007651963969692588, -0.010582276619970798, -0.0019825357012450695, 0.0064235469326376915, 0.018512418493628502, 0.007227721158415079, 0.022950148209929466, 0.009223385713994503, -0.004454140551388264, 0.00911835115402937, -0.008908281102776527, 0.015020005404949188, -0.019090112298727036, -0.0072539797984063625, 0.025234660133719444, 0.0035186726599931717, 0.025851739570498466, -0.003205208806321025, 0.01629355549812317, 0.025365952402353287, -0.0027341924142092466, 0.0009092092514038086, 0.043773338198661804, -0.000960906152613461, 0.02355409972369671, -0.015584568493068218, 0.016004707664251328, 0.021151423454284668, 0.03211445361375809, 0.00237477570772171, -0.06286344677209854, 0.07541513442993164, 0.025864869356155396, -0.008888587355613708, 0.03783886134624481, -0.02822815626859665, -0.014626123942434788, 0.04261795058846474, 0.008586611598730087, 0.04466613382101059, -0.026481950655579567, 0.02578609250485897, 0.0030558621510863304, 0.007864495739340782, 0.024893295019865036, -0.011324086226522923, 0.04009711369872093, -0.0012390847550705075, -0.04041221737861633, 0.009722302667796612, 0.01056914683431387, 0.013602033257484436, 0.037313684821128845, 0.008008918724954128, -0.04839487746357918, 0.0033939434215426445, -0.029751164838671684, 0.017343904823064804, -0.011882084421813488, -0.0167793408036232, -0.0029196448158472776, -0.010976158082485199, 0.014284760691225529, 0.008074565790593624, 0.0011882084654644132, -0.006055924575775862, 0.02369852177798748, -0.015046264044940472, 0.01119279209524393, 0.022923888638615608, 0.0005432278849184513, 0.00894766952842474, -0.04558519273996353, -0.010667617432773113, 0.014770546928048134, 0.020206108689308167, -0.01565021462738514, 0.0256416704505682, -0.013240975327789783, -0.00046322078560478985, 0.0003836239338852465, -0.004188270773738623, -0.014245372265577316, -0.0037320249248296022, 0.01532198116183281, -0.020823189988732338, 0.031851865351200104, 0.04962904006242752, 0.003981483168900013, 0.015361369587481022, 0.043116867542266846, 0.011074627749621868, 0.020901964977383614, 0.022503748536109924, 0.0036795074120163918, 0.017317645251750946, 0.022004833444952965, 0.04351074993610382, 0.004664210602641106, 0.011823002249002457, 0.030827773734927177, 0.04660928249359131, 0.0035974488127976656, 0.019405215978622437, -0.017317645251750946, -0.008074565790593624, 0.030670220032334328, 0.05338403955101967, 0.014626123942434788, 0.0063185119070112705, -0.02095448225736618, -0.03510794788599014, 0.007634731940925121, 0.008606305345892906, -0.01175735518336296, -0.041331272572278976, 0.004316281992942095, 0.010680747218430042, 0.027519170194864273, 0.04574274271726608, -0.021335234865546227, 0.0448499470949173, -0.008685082197189331, 0.003157614730298519, 0.0005883601261302829, 0.03287595510482788, -0.0021761939860880375, 0.03224574401974678, -0.0451650507748127, 0.023252123966813087, -0.041698895394802094, -0.023409675806760788, -0.0412524975836277, -0.015689603984355927, -0.012938999570906162, -0.01370706781744957, -0.00013785844203084707, -0.013654550537467003, -0.03723490983247757, 0.03305976837873459, 0.013680809177458286, 0.01393026765435934, -0.002341952407732606, 0.00016637380758766085, 0.013470739126205444, 0.010260607115924358, 0.011061498895287514, 0.025667928159236908, 0.009472844190895557, -0.010930204764008522, -0.018971947953104973, 0.04012336954474449, -0.003571190172806382, -0.0022615347988903522, 0.025063976645469666, -0.02497207187116146, 0.005077785812318325, 0.008901716209948063, -0.0345040000975132, -0.010457547381520271, 0.0003994202124886215, -0.012216883711516857, 0.011882084421813488, 0.002092494163662195, 0.021860409528017044, 0.020389920100569725, 0.0047167278826236725, 0.04710819944739342, 0.00328070274554193, -0.0012144672218710184, -0.009472844190895557, -0.002251687925308943, 0.0056981490924954414, 0.027597947046160698, -0.02562854066491127, 0.027204066514968872, -0.003187155816704035, 0.010352512821555138, 0.012801140546798706, 0.015190687030553818, 0.009571314789354801, 0.006032947916537523, 0.007234285585582256, 0.005048244725912809, -0.011639190837740898, -0.016398590058088303, -0.028595779091119766, -0.0034989784471690655, 0.007785719353705645, 0.008251812309026718, 0.007549390662461519, 0.026993995532393456, 0.004949774593114853, 0.027834275737404823, 0.0022484054788947105, -0.02354096993803978, 0.0001946840202435851, -0.00024371403560508043, 0.008159906603395939, -0.021020129323005676, 0.03786511719226837, -0.03655217960476875, 0.0007085760007612407, -0.03429392725229263, -0.0065843816846609116, 0.003912553656846285, 0.04240788146853447, 0.042302846908569336, 0.01675308309495449, -0.0004968647845089436, -0.01201337855309248, -0.008179601281881332, 0.015847155824303627, 0.01979909837245941, 0.027939310297369957, -0.017672138288617134, 0.02629813924431801, 0.05608868971467018, 0.004401623271405697, 0.018788136541843414, -0.0022172231692820787, 0.025365952402353287, 0.02081006020307541, 0.008580046705901623, -0.003571190172806382, -0.021072646602988243, -0.017764044925570488, -0.009577879682183266, 0.012886482290923595, 0.03558060899376869, 0.00455261068418622, 0.0037812599912285805, -0.02807060442864895, -0.004280176479369402, -0.005908218678086996, 0.011081192642450333, -0.012591070495545864, -0.004559175577014685, 0.0009633679292164743, -0.015518921427428722, -0.0077463313937187195, 0.003948659636080265, 0.01056258287280798, 0.009243080392479897, -0.017698397859930992, 0.012866787612438202, 0.0023796993773430586, -0.02624562196433544, 0.003116585547104478, -0.011383168399333954, -0.01218406017869711, -0.021217070519924164, -0.028779590502381325, 0.005625937134027481, -0.01742268167436123, 0.0005079426919110119, 0.01312937494367361, -0.009847031906247139, -0.03487161919474602, 0.04503375664353371, 0.02098074182868004, -0.010851428844034672, 0.033952564001083374, -0.010877687484025955, -0.026153715327382088, -0.023015795275568962, 0.08665388077497482, -0.020770670846104622, 0.020087944343686104, 0.007496873382478952, 0.024446897208690643, -0.03109036013484001, 0.02000916749238968, 0.006574534811079502, -0.01248603593558073, 0.023015795275568962, 0.006597511004656553, 0.023291511461138725, -0.007884189486503601, 0.030827773734927177, -0.007956401444971561, 0.017527716234326363, -0.008376541547477245, 0.008061436004936695, -0.02098074182868004, 0.018578065559267998, 0.0014007402351126075, 0.01853867806494236, 0.02401362732052803, 0.023265253752470016, -0.022805724292993546, -0.01932644098997116, 0.03647340461611748, -0.00599684240296483, 0.018249832093715668, 0.013641420751810074, 0.007851366885006428, 0.0018578065792098641, 0.00887545756995678, -0.01775091513991356, 0.018315479159355164, 0.010450982488691807, 0.01580776832997799, 0.006906051188707352, -0.004263764712959528, -0.014875582419335842, -0.008882022462785244, 0.036210816353559494, 0.014901841059327126, -0.002762092277407646, 0.0010478883050382137, -0.010844863951206207, -0.005021986085921526, -0.008927974849939346, 0.0580318383872509, -0.013969655148684978, 0.032298263162374496, -0.003512107999995351, -0.007450920529663563, -0.010687311179935932, -0.012236577458679676, -0.0236853938549757, 0.02222803235054016, 0.032455816864967346, -0.013982784934341908, -0.003544931299984455, -0.035711899399757385, -0.027361618354916573, -0.0018364713760092854, 0.0051040444523096085, 0.03111661970615387, -0.011028675362467766, -0.03137920796871185, -0.0024617579765617847, -0.02255626767873764, -0.01822357252240181, -0.00750343780964613, -0.0283857099711895, 0.010345947928726673, 0.003178949933499098, -0.009479409083724022, 0.014087819494307041, -0.022503748536109924, -0.01642484776675701, 0.0033200907055288553, 0.024131791666150093, 0.018761876970529556, -0.026665762066841125, 0.012735494412481785, 0.010345947928726673, -0.018184185028076172, -0.02304205298423767, 0.012374436482787132, -0.002947544679045677, 0.02045556716620922, -0.03303350880742073, -0.009558185003697872, 0.006840404588729143, 0.045874036848545074, -0.0030575033742934465, 0.0014983899891376495, 0.010109619237482548, -0.025602281093597412, -0.012833964079618454, -0.007345885504037142, -0.035134207457304, 0.026560725644230843, -0.022149255499243736, -0.01064135879278183, 0.015479533933103085, -0.007949836552143097, -0.0051171742379665375, -0.040727321058511734, -0.0006322615081444383, -0.01771152764558792, -0.004355670418590307, -0.023921722546219826, -0.02594364620745182, 0.005517620127648115, -0.02624562196433544, -0.018827524036169052, -0.0026357220485806465, 0.005609525833278894, -0.029331024736166, -0.01079234667122364, 0.0048906924203038216, -0.001599322073161602, 0.019615286961197853, -0.04461361840367317, 0.006476064212620258, 0.002770298160612583, 0.008816375397145748, -0.0037911070976406336, 0.013510127551853657, 0.01088425237685442, 0.04259169474244118, -0.0021368057932704687, 0.0570865236222744, -0.01216436643153429, 0.023330900818109512, 0.002510993042960763, 0.034110117703676224, 0.004825045354664326, -0.02431560307741165, 0.012676412239670753, -0.020586861297488213, -0.03970323130488396, 0.021545303985476494, -0.014219113625586033, 0.0007586317369714379, 0.002811327576637268, 0.01905072294175625, -0.02224116213619709, 0.004401623271405697, 0.042302846908569336, 0.002486375393345952, 0.0016001425683498383, 0.0348191037774086, 0.003919118549674749, -0.007621602155268192, -0.019313311204314232, -0.028753332793712616, 0.006042794790118933, -0.016844987869262695, -0.015820898115634918, 0.01722574047744274, -0.021033259108662605, -0.020744413137435913, -0.05288512259721756, 0.020534342154860497, -0.040228407829999924, -0.017685268074274063, 0.02449941448867321, 0.033611200749874115, 0.033900048583745956, 0.006695981603115797, -0.03014504536986351, -0.013109681196510792, -0.018407383933663368, 0.016687436029314995, -0.03460903465747833, 0.02098074182868004, -0.01884065382182598, 0.017212610691785812, -0.03421515226364136, -0.020836317911744118, -0.0031133031006902456, 0.029094696044921875, 0.020376790314912796, -0.026823313906788826, 0.0006105159409344196, 0.039414383471012115, 0.00036946882028132677, -0.012525424361228943, 0.0006646746187470853, 0.0038567539304494858, 0.02014046162366867, 0.0020613118540495634, -0.007267109118402004, -0.014809935353696346, 0.025864869356155396, -0.0019185299752280116, 0.005120456218719482, 0.015020005404949188, -0.0005690763355232775, 0.008284635841846466, 0.034110117703676224, -0.009216821752488613, -0.015768378973007202, -0.019287051633000374, -0.014809935353696346, 0.0048348926939070225, 0.01474428828805685, -0.034110117703676224, -0.0019743298180401325, 0.011304392479360104, 0.01626729592680931, -0.006108441855758429, -0.01532198116183281, 0.023895462974905968, 0.013798973523080349, 0.0006125674117356539, -0.007437791209667921, 0.0014647459611296654, 0.01759336329996586, -0.019116370007395744, -0.0035646255128085613, 0.015610827133059502, 0.0022795877885073423, -0.037129875272512436, 0.05081068351864815, -0.029304765164852142, 0.03831151872873306, 0.02624562196433544, -0.0019333005184307694, -0.0008624358451925218, 0.05291138216853142, -0.021335234865546227, -0.03358494117856026, 0.022530008107423782, -0.0074640498496592045, 0.01822357252240181, -0.043773338198661804, 0.018131667748093605, -0.002775221597403288, -0.0011020469246432185, -0.023777298629283905, -0.008514399640262127, -0.012833964079618454, -0.04012336954474449, 0.0166217889636755, -0.0049235159531235695, 0.006216759327799082, -0.020442437380552292, -0.00552090210840106, 0.014941229484975338, 0.0007057039183564484, -0.007496873382478952, -0.0021039824932813644, 0.0023632876109331846, 0.026166845113039017, -0.0007799669401720166, 0.001961200498044491, -0.04671431705355644, 0.014455442316830158, 0.0032396733295172453, -0.028018087148666382, -0.006371029186993837, 0.008442188613116741, 0.006476064212620258, 0.010352512821555138, -0.010444418527185917, 0.003745154244825244, -0.03132668882608414, -0.029120953753590584, 0.04400966688990593, -0.011324086226522923, 0.006344770547002554, 0.02822815626859665, -0.010608535259962082, 0.01030655950307846, 0.001212005503475666, 0.023895462974905968, -0.0035022608935832977, 0.0058753956109285355, 0.015518921427428722, -0.04632043465971947, 0.03347990661859512, -0.0287008136510849, -0.027991827577352524, -0.02176850475370884, 0.0022598938085138798, 0.02964613027870655, -0.004099647514522076, 0.005534031894057989, -0.011442250572144985, 0.031037842854857445, 0.023737911134958267, -0.013260669074952602, -0.012039637193083763, -0.002227070275694132, 0.01593906246125698, 0.0062627121806144714, 0.011632626876235008, 0.005284573417156935, -0.0030213973950594664, -0.020376790314912796, -0.01449483074247837, 0.037970151752233505, 0.014652382582426071, 0.009380938485264778, 0.021335234865546227, -0.007260544691234827, 0.0022401995956897736, -0.016201648861169815, 0.02144026942551136, 0.008264942094683647, 0.0028950271662324667, -0.019917262718081474, 0.031064102426171303, 0.02291076071560383, 0.024249956011772156, 0.01755397394299507, 0.01866997219622135, 0.0026554162614047527, 0.021177683025598526, -0.009472844190895557, 0.00934155099093914, -0.0172520000487566, -0.006958568934351206, 0.0680626779794693, -0.00300334463827312, -0.03382126986980438, -0.020363660529255867, -0.023147089406847954, -0.048263583332300186, 0.018315479159355164, 0.00863256398588419, 0.03563312441110611, -0.015532051213085651, -0.018958818167448044, 0.0017806715331971645, 0.03434644639492035, -0.02222803235054016, 0.0106282290071249, 0.01054945308715105, -0.027020255103707314, 0.0004788119113072753, -0.0003828033513855189, -0.004076670855283737, -0.007122686132788658, -0.003978200722485781, -0.011658885516226292, 0.005635784473270178, -0.008415929973125458, -0.0014877223875373602, -0.014573606662452221, 0.015899673104286194, 0.018604325130581856, 0.012709235772490501, -0.003997894935309887, -0.0035318019799888134, 0.029462318867444992, 0.0025618693325668573, 0.0020137180108577013, 0.011422556824982166, -0.012223448604345322, -0.03132668882608414, 0.03516046702861786, 0.03854784741997719, -0.01792159676551819, 0.0001273959642276168, -0.05703400820493698, -0.005074503365904093, -0.009899549186229706, 0.01410094927996397, -0.016543012112379074, 0.009538491256535053, 0.013496997766196728, 0.0002787940902635455, 0.007050474639981985, 0.007326191291213036, 0.006420264486223459, -0.0014516165247187018, 0.011672014370560646, -0.05398799106478691, 0.04955026134848595, -0.021545303985476494, 0.013267233967781067, -0.017383292317390442, 0.01933957077562809, -0.0044475761242210865, -0.015374498441815376, 0.030985325574874878, 0.0026915220078080893], "b672476d-0dd7-453f-9a5b-8b198624b7e4": [0.007316743955016136, -0.005632089916616678, 0.02165805920958519, 0.0278247632086277, -0.0017794545274227858, -0.010487125255167484, 0.02380894497036934, 0.015404325909912586, 0.019656367599964142, 0.05868314579129219, 0.013091811910271645, -0.03028647042810917, -0.030187007039785385, -0.022105641663074493, 0.030684322118759155, -0.023025674745440483, 0.007267012260854244, 0.015379459597170353, -0.1057291254401207, 0.023560287430882454, 0.03304656967520714, 0.043365851044654846, 0.019830428063869476, -0.03876568749547005, 0.028545869514346123, 0.0029123998247087, -0.01128904614597559, -0.0001449206320103258, 0.015267563983798027, -0.03513529151678085, 0.002396435709670186, -0.03859162703156471, -0.03058486059308052, -0.020365040749311447, -0.00226122816093266, 0.0301621425896883, 0.001880471594631672, 0.03277304396033287, 0.04160038381814957, -0.01958177052438259, -0.023212168365716934, -0.02740204520523548, 0.02147156558930874, -0.0036179651506245136, 0.006769697647541761, 0.046399470418691635, -0.027998823672533035, -0.012370705604553223, -0.01943257637321949, 0.013104245066642761, -0.05266563594341278, 0.03299683704972267, -0.031181637197732925, 0.036353711038827896, 0.04142632335424423, -0.003586882958188653, 0.007248362991958857, 0.007521886378526688, -0.003375524189323187, -0.00729187810793519, -0.006067240610718727, -0.009455197490751743, -0.017766570672392845, 0.05346133932471275, 0.016622746363282204, 0.015056204982101917, -0.03426498919725418, -0.015503788366913795, -0.028993451967835426, 0.03185301274061203, 6.585535447811708e-05, 0.058782607316970825, 0.03545854613184929, 0.015553520061075687, -0.03222599998116493, 0.01858714036643505, 0.011742845177650452, 0.013042080216109753, 0.06315898150205612, -0.029043184593319893, 0.02660634182393551, -0.016573015600442886, -0.04906010255217552, -7.736547559034079e-05, -0.020489368587732315, 0.010107923299074173, -0.0871792808175087, -0.029540497809648514, -0.04530537873506546, -0.03356874734163284, -0.03021187335252762, 0.08086338639259338, -0.01954447105526924, 0.018500110134482384, 0.03093297965824604, -0.034861765801906586, -0.03568233549594879, 0.015590818598866463, -0.030311336740851402, 0.04814007133245468, 0.03143029659986496, -0.023659750819206238, -0.010630103759467602, -0.005675605032593012, 0.022292135283350945, -0.007478371262550354, -0.002985442755743861, 0.01479511521756649, 0.0229262113571167, -0.0182514525949955, -0.07235930114984512, 0.0038013500161468983, -0.03821864351630211, 0.005607224069535732, 0.026133893057703972, -0.022379165515303612, 0.01874876767396927, -0.03759699687361717, 0.030261605978012085, -0.030609725043177605, -0.015628118067979813, -0.008783822879195213, 0.010829029604792595, -0.01305451337248087, -0.0509747676551342, 4.4462078221840784e-05, -0.015578385442495346, -0.003642830764874816, -0.026780402287840843, 0.025363054126501083, 0.021720223128795624, 0.0018571598920971155, 0.032126534730196, 0.01698330044746399, -0.004357720725238323, -0.024219229817390442, 0.016063267365098, 0.016573015600442886, -0.029465900734066963, -0.038815420120954514, -0.04234635457396507, -0.06504877656698227, 0.006558338645845652, 0.0368758924305439, 0.04861252009868622, -0.03384227305650711, -0.02583550289273262, -0.024791141971945763, 0.01740601845085621, -0.022478628903627396, -0.01130769494920969, -0.0025254266802221537, -0.01970609836280346, 0.01201636902987957, 0.022142941132187843, -0.03172868490219116, 0.00357445003464818, 0.07867520302534103, -0.04068034887313843, 0.020601265132427216, -0.04729463532567024, -0.015168101526796818, -0.016386521980166435, -0.003058485919609666, 0.0008508745231665671, -0.013253439217805862, -0.003667696611955762, -0.03906407579779625, -0.029142646118998528, -0.03600559011101723, 0.004214742686599493, -0.02338622882962227, -0.04876171424984932, -0.0137258879840374, 0.02176995575428009, -0.04458427056670189, -0.0025565088726580143, -0.040232766419649124, -0.0028782093431800604, -0.019768262282013893, -0.004373262170702219, 0.01578974537551403, -0.0325741171836853, -0.0182514525949955, 0.0006317452061921358, -0.06087132915854454, -0.0009200323838740587, 0.01641138829290867, -0.04883631318807602, -0.0003997944586444646, 0.016112999990582466, -0.013812918215990067, -0.005821691360324621, -0.10493341833353043, -0.05748958885669708, -0.07051923871040344, 0.021434267982840538, -0.04955741763114929, -0.026631206274032593, 0.0066391522996127605, 0.004180552437901497, -0.02660634182393551, 0.011357426643371582, 0.00780162587761879, 0.0010870990809053183, -0.019768262282013893, 0.0059149377048015594, -0.0013233235804364085, 0.020228279754519463, 0.0014569769846275449, 0.05196939408779144, -0.02154616266489029, 0.030336203053593636, -0.0031828146893531084, -0.031678952276706696, -0.007124034222215414, -0.04075494781136513, 0.023933274671435356, -0.01939527690410614, -0.04960715025663376, 0.013613992370665073, 0.0252262931317091, 0.003198355669155717, -0.005321268457919359, 0.00677591422572732, 0.028769660741090775, 0.026208490133285522, 0.03859162703156471, 0.010126572102308273, -0.020825056359171867, 0.013688589446246624, 0.042072832584381104, 0.024791141971945763, -0.02311270497739315, 0.06947487592697144, -0.047891415655612946, 0.04657353088259697, 0.02541278675198555, -0.06375575810670853, -0.022068344056606293, 0.003888380015268922, 0.040307365357875824, 0.024505186825990677, 0.07041977345943451, -0.012756124138832092, -0.03933760151267052, -0.035781800746917725, -0.03307143226265907, -0.0023700157180428505, -0.04418642073869705, -0.008323806338012218, 0.027352314442396164, 0.014384830370545387, -0.06116972118616104, -0.007229713723063469, -0.057141467928886414, 0.02169535867869854, 0.05515221133828163, 0.014645921066403389, -0.065297432243824, 0.031156770884990692, 0.0054984367452561855, -0.0507509745657444, 0.009287353605031967, -0.02936643920838833, -0.007901088334619999, -0.0039505441673099995, 0.024368423968553543, 0.002011016709730029, -0.03304656967520714, -0.008441918529570103, 0.04978121072053909, 0.0023653535172343254, -0.003518502227962017, -0.021061280742287636, 0.008398403413593769, -0.0014095766237005591, -0.05182019993662834, 0.0009798655519261956, 0.015901640057563782, 0.0006371845956891775, 0.016038402915000916, -0.02951563335955143, -0.007534319069236517, 0.01230232510715723, -0.017231957986950874, -0.0047244904562830925, 0.0011795684695243835, -0.0417744442820549, 0.033668212592601776, -0.004842602647840977, -0.031107040122151375, -0.039611123502254486, 0.003621073439717293, 0.002223929623141885, -0.022876480594277382, 0.019730964675545692, -0.006987272761762142, -0.005541951861232519, 0.017953064292669296, 0.005392757244408131, 0.014496725983917713, -0.043912895023822784, -0.028620466589927673, -0.02591009996831417, 0.006039266474545002, 0.043987493962049484, 0.046474065631628036, 0.01682167313992977, -0.05530140548944473, 0.010630103759467602, -0.0007067309343256056, 0.03433958813548088, -0.015516221523284912, 0.0015346823493018746, -0.04465886950492859, 0.02191914990544319, -0.01678437367081642, -0.011860957369208336, -0.006894026417285204, -0.03292223811149597, -0.014272934757173061, -0.03511042520403862, -0.009424115531146526, 0.0150064742192626, -0.006732399109750986, 0.0028906422667205334, 0.017393585294485092, -0.0018229695269837976, 0.00956709310412407, -0.047941144555807114, -0.05704200640320778, 0.01889796182513237, 0.012942617759108543, -0.029142646118998528, 0.024517619982361794, -0.03431472182273865, -0.013937246985733509, 0.00912572629749775, 0.05654469132423401, -0.009672773070633411, -0.02375921420753002, 0.020700728520751, 0.02066342905163765, -0.019494740292429924, -0.050502318888902664, 0.022279702126979828, 0.038243506103754044, -0.005482895765453577, 0.028346942737698555, 0.005678713321685791, 0.025077098980545998, 0.004351504612714052, 0.0027119198348373175, 0.021745089441537857, 0.038193777203559875, 0.03540881350636482, -0.02568630874156952, -0.06629206240177155, 0.006794563494622707, -0.06932568550109863, -0.003328900784254074, 0.029565364122390747, 0.03332009166479111, 0.00743485614657402, 0.019519604742527008, -0.06634179502725601, -0.041401457041502, -0.026854999363422394, -0.009660339914262295, -0.043490178883075714, 0.005349242128431797, -0.0063842786476016045, 0.019880158826708794, -0.05231751501560211, 0.005311943590641022, 0.030037812888622284, 0.06072213500738144, 0.004494482651352882, 0.042371220886707306, 0.07265768945217133, 0.00114770932123065, -0.009940079413354397, -0.033170897513628006, 0.06320870667695999, 0.03319576382637024, -0.021372104063630104, -0.026879863813519478, -0.001041252864524722, -0.008752739988267422, 0.0205888319760561, 0.01274369191378355, 0.02403273805975914, 0.012805855832993984, 0.06201515346765518, -0.006465092301368713, -0.043216656893491745, 0.0504525862634182, 0.002909291535615921, -0.03829323872923851, 0.008342456072568893, -0.04281880334019661, -0.041873905807733536, 0.05286456272006035, -0.007155116647481918, 0.010263334028422832, 0.02640741504728794, -0.015454057604074478, 0.04779195040464401, -0.004575296305119991, 0.01187960710376501, -0.021707789972424507, 0.032797910273075104, -0.03282277658581734, 0.04520591348409653, -0.050353121012449265, 0.02660634182393551, 0.0686294436454773, 0.011338776908814907, -0.07608916610479355, 0.006256841588765383, -0.0462254099547863, -0.022478628903627396, -0.026929596439003944, -0.0826537162065506, -0.030833516269922256, 0.005433164071291685, -0.01180501002818346, 0.04202309995889664, -0.09006370604038239, -0.011388508602976799, 0.0004433095164131373, -0.01226502563804388, 0.0016162730753421783, -0.019979622215032578, -0.004768005572259426, 0.03737320750951767, 0.029963215813040733, -0.012122048065066338, -0.03779592365026474, -0.025512248277664185, -0.0031517324969172478, -0.01355182845145464, -0.013352902606129646, 0.007870006375014782, 0.03458824381232262, -0.006539689376950264, 0.0012394017539918423, 0.0689278319478035, 0.03700022026896477, -0.0030211873818188906, -0.017567645758390427, 0.053063489496707916, 0.03200220689177513, -0.05614684149622917, -0.017642242833971977, 0.007161333225667477, -0.03399146720767021, -0.01159365102648735, -0.014185904525220394, -0.046324871480464935, -0.007316743955016136, 0.026034429669380188, -0.021135877817869186, 0.049507688730955124, 0.01341506652534008, -0.03876568749547005, -0.004286231938749552, -0.01582704298198223, -0.003181260544806719, -0.01992988958954811, 0.04247068241238594, -0.005582358688116074, -0.030112409964203835, -0.0048394943587481976, 0.020874788984656334, 0.03941219672560692, 0.042868535965681076, -0.0552019402384758, -0.031529758125543594, 0.005591683089733124, 0.007229713723063469, -0.034016333520412445, 0.0021291289012879133, 0.03269844874739647, 0.0010606792056933045, 0.05937938764691353, 0.005190723109990358, -0.026283087208867073, -0.0017981037963181734, -0.0160259697586298, -0.0005505430162884295, 0.040730081498622894, -0.011531487107276917, 0.016722209751605988, -0.002477249363437295, -0.025512248277664185, -0.028918854892253876, 0.0017965496517717838, -0.0018136448925361037, -0.026084160432219505, -0.030112409964203835, 0.029291842132806778, 0.005343026015907526, 0.035433679819107056, 0.06947487592697144, 0.04995527118444443, 2.7051204597228207e-05, -0.050925035029649734, -0.014819980598986149, -0.009579526260495186, 0.007130250800400972, 0.01641138829290867, -0.020874788984656334, -0.06102052330970764, -0.004768005572259426, 0.014931876212358475, 0.028968587517738342, -0.024629514664411545, -0.03297197073698044, -0.0080129848793149, 0.003269844688475132, -0.016759509220719337, 0.0372488796710968, -0.03356874734163284, 0.014049142599105835, -0.011214448139071465, -0.01917148567736149, -0.018189288675785065, -0.02377164736390114, 0.032673582434654236, -0.04478319734334946, 0.006362521089613438, 0.020899653434753418, 0.010008459910750389, -0.021372104063630104, -0.018313616514205933, -0.03511042520403862, -0.010586588643491268, -0.04234635457396507, 0.012202861718833447, -0.04896064102649689, 0.040033839643001556, -0.021856985986232758, 0.007285661529749632, -0.02414463274180889, -0.007758110761642456, 0.012165563181042671, 0.002410422544926405, -0.009094644337892532, 0.009859265759587288, 0.023697050288319588, 0.024617081508040428, 0.013365334831178188, 0.025014933198690414, -0.0027119198348373175, 0.003412822727113962, -0.02077532559633255, 0.011755278334021568, -0.0055233025923371315, 0.010095490142703056, 0.012109614908695221, 0.012805855832993984, 0.008199477568268776, 0.02867019735276699, 0.054455969482660294, -0.023721914738416672, -0.005486003588885069, -0.003010308602824807, 0.013638857752084732, 0.020016919821500778, -0.01755521260201931, -0.04535510763525963, 0.004572188016027212, 0.04142632335424423, 0.004360829014331102, -0.030535127967596054, -0.012283675372600555, -0.0025596171617507935, 0.022590523585677147, -0.021906716749072075, -0.0005268428358249366, -0.003036728361621499, 0.04068034887313843, -0.008703009225428104, 0.0013023430947214365, 0.006281707435846329, -0.01871146820485592, -0.02472897805273533, 0.026457147672772408, 0.038815420120954514, -0.01705789752304554, 0.04174957796931267, 0.03637857735157013, -0.00035608516191132367, -0.007173765916377306, -0.06634179502725601, -0.001711073680780828, -0.0070183551870286465, 0.0033910651691257954, -0.006651585455983877, -0.004848819226026535, -0.0278247632086277, -0.012880452908575535, -0.0010692267678678036, -0.004973147995769978, 0.020551534369587898, 0.000804251292720437, 0.014210769906640053, 0.010698484256863594, 0.03070918843150139, -0.02986375242471695, 0.0411776639521122, -0.0021244667004793882, -0.010853894986212254, 0.009517361409962177, 0.008423269726336002, 0.021894283592700958, -0.020103950053453445, 0.05351107195019722, 0.016200030222535133, 0.0319773405790329, 0.03448878228664398, -0.0012432869989424944, 0.0159140732139349, 0.035209886729717255, 0.0006589420954696834, -0.027302581816911697, 0.003375524189323187, -0.022254837676882744, -0.00400649243965745, -0.024791141971945763, 0.02775016613304615, 0.00039824037230573595, 0.0012285229749977589, 0.025537114590406418, -0.01770440675318241, 0.00736025907099247, -0.02789936028420925, 0.0005858989898115396, -0.014484293758869171, -0.03801971673965454, 0.008715441450476646, -0.0064153606072068214, 0.012296108528971672, -0.01120823249220848, -0.0063345469534397125, 0.01380048505961895, 0.008690576069056988, -0.04344044625759125, 0.012569631449878216, -0.011264179833233356, 0.058434486389160156, -0.025176560506224632, 0.01724439114332199, -0.023125138133764267, 0.0040593319572508335, 0.011090120300650597, -0.0019488523248583078, -0.020414771512150764, -0.026357684284448624, 0.0030382825061678886, 0.014683219604194164, -0.02211807481944561, 0.002312513766810298, 0.012370705604553223, 0.020215846598148346, -0.007515669800341129, 0.018276318907737732, -0.03225086256861687, -0.015665415674448013, 0.01636165753006935, -0.010412528179585934, -0.02886912412941456, -0.0043888031505048275, 0.01120823249220848, 0.025512248277664185, -0.0365775041282177, 0.0009052683599293232, 0.023697050288319588, -0.0015758662484586239, -0.03222599998116493, -0.04707084596157074, -0.0030817976221442223, 0.004382586572319269, 0.010027109645307064, 0.04871198534965515, 0.012233943678438663, -0.02445545420050621, -0.022515926510095596, 0.0161751639097929, -0.01582704298198223, 0.009964944794774055, -0.0068629439920187, 0.0021648735273629427, 0.02752637304365635, 0.007894872687757015, 0.0008827337296679616, -0.021185610443353653, -0.07743190973997116, -0.01320370752364397, -0.013589126989245415, 0.0018089825753122568, -0.013638857752084732, -0.03237519413232803, -0.0061884610913693905, 0.00041222735308110714, 0.026233354583382607, 0.03269844874739647, 0.012868020683526993, -0.008249209262430668, 0.031231369823217392, -0.010449826717376709, 0.009666556492447853, -0.0008881731191650033, 0.019034722819924355, -0.009529794566333294, -0.011270396411418915, 0.023746781051158905, -0.002248795237392187, 0.03879055380821228, 0.05798690393567085, -0.006906459107995033, -0.01847524382174015, 0.019382843747735023, -0.00375161855481565, -0.028968587517738342, 0.025151696056127548, -0.03645317256450653, 0.027973957359790802, -0.015230265446007252, -0.011313911527395248, -0.025213859975337982, -0.008044066838920116, -0.016933567821979523, 0.03324549272656441, -0.027426911517977715, -0.010114139877259731, -0.026705805212259293, -0.0010909843258559704, 0.007179982494562864, -0.04515618458390236, -0.024716544896364212, -0.009218973107635975, 0.017157360911369324, 0.014956742525100708, -0.0012945726048201323, 0.003984734881669283, -0.02886912412941456, -0.01000224333256483, 0.015491356141865253, 0.00992764625698328, -0.011736629530787468, 0.010468476451933384, 0.04219716042280197, -0.00028420763555914164, 0.0019286489114165306, 0.012675310485064983, -0.046324871480464935, -0.005430055782198906, -0.00553884357213974, 0.07733245193958282, -0.029416169971227646, 7.600563094456447e-06, 0.018649304285645485, 0.002380894497036934, -0.01008305698633194, 0.010244684293866158, 0.0028595600742846727, 0.0006169811822474003, 0.03262384980916977, -0.01291775144636631, 0.00015152560081332922, 0.026879863813519478, 0.02901831828057766, -0.02513926289975643, -0.02169535867869854, -0.02449275366961956, 0.01913418620824814, -0.022951077669858932, -0.0066391522996127605, -0.019494740292429924, -0.039735451340675354, 0.001397920772433281, -0.007472154684364796, 0.01924608275294304, -0.005737769417464733, 0.0012782544363290071, 0.021434267982840538, -0.0507509745657444, 0.01486971229314804, -0.028968587517738342, -0.007789192721247673, 0.03314603120088577, 0.02513926289975643, 0.0020358823239803314, -0.020800191909074783, -0.023311631754040718, 0.032027073204517365, -0.019681232050061226, 0.019096888601779938, 0.00685051130130887, -0.04945795610547066, 0.020414771512150764, -0.008535165339708328, -0.010393879376351833, 0.02042720466852188, 0.07191172242164612, -0.023895975202322006, -0.029963215813040733, -0.03530935198068619, -0.008783822879195213, 0.013116677291691303, -0.0038728390354663134, 0.0008695238502696157, -0.0031361915171146393, 0.02717825397849083, -0.036428309977054596, -0.026208490133285522, 0.002724352525547147, 0.04160038381814957, -0.018064958974719048, -0.018574707210063934, -0.011736629530787468, -0.032027073204517365, -0.014907010830938816, -0.01610056683421135, -0.022988377138972282, 0.015404325909912586, 0.03565746918320656, 0.0004646785091608763, 0.019917458295822144, -0.011102552525699139, -0.02568630874156952, -0.01380048505961895, 0.000508193566929549, -0.05062664672732353, 0.009996027685701847, -0.008199477568268776, 0.04453453794121742, 0.013526962138712406, -0.005482895765453577, -0.022702420130372047, 0.04416155442595482, -0.007807842455804348, -0.016473552212119102, -0.016697343438863754, -0.0256365779787302, 0.058086369186639786, 0.013427499681711197, 0.017542779445648193, -0.02541278675198555, 0.02027801051735878, -0.005315051879733801, 0.025537114590406418, 0.015615684911608696, -0.03162921965122223, 0.061468109488487244, -0.007919738069176674, -0.023336496204137802, -0.01362642552703619, 0.01305451337248087, 0.0007273228839039803, -0.025810638442635536, 0.006502390839159489, -0.0027709759306162596, 0.05032825842499733, -0.013191275298595428, -0.0457032285630703, 0.01578974537551403, -0.001151594566181302, 0.010449826717376709, 0.04127712920308113, -0.0019162161042913795, -0.017356285825371742, -0.013241006061434746, 0.014695651829242706, 0.005150316283106804, 0.019842859357595444, -0.02610902674496174, 0.01794063113629818, -0.00032539150561206043, -0.01989259198307991, 0.005140991881489754, -0.0043950192630290985, 0.00634387182071805, -0.0011407157871872187, 0.033096298575401306, -0.0010171642061322927, -0.021608328446745872, 0.00043981277849525213, -0.0020405447576195, 0.009728720411658287, -0.027004193514585495, -0.0012184212682768703, 0.03506069257855415, 0.012482601217925549, 0.03093297965824604, 0.0059087215922772884, 0.03637857735157013, 0.01641138829290867, -0.015553520061075687, -0.0032449790742248297, 0.021434267982840538, -0.0018571598920971155, 0.010319282300770283, 0.01100309006869793, -0.003552692476660013, 0.009759802371263504, 0.037199147045612335, 0.021707789972424507, -0.04771735519170761, 0.05639549717307091, 0.04714544117450714, -0.009616824798285961, 0.0231873020529747, -0.035781800746917725, -0.0013816026039421558, 0.04344044625759125, 0.026854999363422394, 0.03503582626581192, -0.03299683704972267, -0.0028269237373024225, 0.0008920584223233163, -0.008174612186849117, 0.014459427446126938, -0.019880158826708794, 0.01869903691112995, 0.0038852717261761427, -0.03177841380238533, -0.006446443032473326, 0.00011607249325606972, 0.011450673453509808, 0.0016038401518017054, -0.0025565088726580143, -0.05047745257616043, 0.007981901988387108, -0.02717825397849083, 0.011637166142463684, -0.021459132432937622, -0.020675862208008766, -0.006483741570264101, 0.012146913446485996, 0.013402633368968964, 0.013439931906759739, -0.00036482702125795186, 0.0021058174315840006, 0.0013792715035378933, -0.02004178613424301, 0.011705546639859676, 0.02173265628516674, 0.004534889478236437, -0.0008827337296679616, -0.029043184593319893, -0.01247638463973999, -0.013974545523524284, 0.018189288675785065, -0.01812712475657463, 0.039611123502254486, 0.0207380261272192, -0.005426947493106127, 0.004037574399262667, -0.016200030222535133, -0.011941771022975445, 0.019606634974479675, 0.014608621597290039, -0.032797910273075104, 0.005725336726754904, 0.04334098473191261, 0.009436547756195068, -0.00902626384049654, 0.036428309977054596, -0.0006344649009406567, 0.01219042856246233, 0.05530140548944473, -0.004789763130247593, 0.03319576382637024, 0.018599573522806168, 0.036552637815475464, 0.0020001379307359457, 0.048662252724170685, 0.006881593260914087, 0.0325741171836853, 0.004618810955435038, 0.03463797643780708, -0.014335098676383495, 0.007260796148329973, 0.02633281797170639, 0.04861252009868622, 7.697694672970101e-05, -0.03468770533800125, -0.012606929987668991, -0.04182417318224907, -0.007403774186968803, -0.012563414871692657, -0.015665415674448013, -0.03254925459623337, -0.024219229817390442, -0.016610313206911087, 0.020265577360987663, 0.029043184593319893, -0.033519018441438675, 0.028918854892253876, -0.0048394943587481976, -0.00481152068823576, -0.019333112984895706, 0.036129917949438095, 0.0029279408045113087, 0.03247465565800667, -0.01871146820485592, 0.016809239983558655, -0.052416980266571045, -0.020476937294006348, -0.0600258968770504, -0.02695446088910103, -0.019594203680753708, 0.010996873490512371, -0.014235636219382286, -0.005799933802336454, -0.016510851681232452, 0.04227175563573837, 0.008168395608663559, 0.024517619982361794, -0.0018649304984137416, -0.021359670907258987, 0.010773081332445145, -0.0004899327759630978, 0.036353711038827896, -0.019880158826708794, -0.007789192721247673, -0.013589126989245415, 0.008516515605151653, 0.02610902674496174, 0.011419590562582016, 0.004618810955435038, 0.02717825397849083, -0.02583550289273262, 0.008678142912685871, -0.00640914449468255, -0.02246619574725628, 0.00649617426097393, -0.008491650223731995, -0.03787052258849144, 0.020613698288798332, -0.0029232786037027836, 0.029565364122390747, 0.029291842132806778, -0.0012083195615559816, 0.04493239149451256, -0.002388665219768882, -0.03240006044507027, 0.0009604392107576132, 0.0070245712995529175, 0.019034722819924355, 0.016933567821979523, -0.02472897805273533, 0.013253439217805862, -0.017120061442255974, 0.01762980967760086, 0.009921429678797722, 0.01564054936170578, 0.004342179745435715, 0.004174335859715939, -0.007086735684424639, 0.011693114414811134, -0.0018447270849719644, -0.026879863813519478, -0.030137276276946068, -0.010288199409842491, -0.004267582669854164, 0.010860111564397812, 0.007720812223851681, -0.004239608533680439, -0.010387662798166275, 0.03516015410423279, 0.008255425840616226, -0.022876480594277382, -0.0009169241529889405, 0.017567645758390427, 0.007814059033989906, -0.03023673966526985, 0.02035260759294033, -0.007559184916317463, -0.006545905955135822, -0.05420731380581856, -0.02576090581715107, 0.02097425051033497, 0.036851026117801666, 0.02476627752184868, 0.006095214281231165, -0.022714853286743164, 0.007838924415409565, 0.0022068344987928867, 0.014061575755476952, 0.03610505536198616, 0.009287353605031967, -0.004121496342122555, 0.006315897684544325, 0.032797910273075104, -0.0009417898836545646, 0.020265577360987663, -0.02234186790883541, 0.014136172831058502, 0.028769660741090775, 0.028968587517738342, 0.016075700521469116, -0.011637166142463684, -0.032598983496427536, -0.021023983135819435, 0.030037812888622284, 0.027849627658724785, -0.012470168061554432, -0.002045207191258669, -0.006402927916496992, -0.004258257802575827, 0.029838887974619865, 0.023522989824414253, -0.0230381079018116, -0.009324652142822742, -0.017841167747974396, 0.0010148329893127084, 0.004071764647960663, -0.016697343438863754, 0.0070245712995529175, 0.002211496699601412, -0.03737320750951767, 0.011432023718953133, -0.024940336123108864, -0.028794527053833008, 0.013663724064826965, -0.034289855509996414, -0.01508107129484415, -0.022739719599485397, -0.026929596439003944, 0.005237346515059471, 0.0036117485724389553, 0.006291032303124666, 0.009337085299193859, 3.093647683272138e-05, -0.021173177286982536, 0.04261987656354904, 0.0005322822253219783, -0.0019675015937536955, 0.019569337368011475, 0.01109633594751358, -0.017654675990343094, -0.021073713898658752, 0.08086338639259338, -0.03162921965122223, 0.03424012288451195, 0.0017887791618704796, 0.014496725983917713, -0.023286765441298485, 0.0038355402648448944, 0.018873095512390137, -0.04595188796520233, -0.0017514805076643825, 0.013477230444550514, 0.026133893057703972, -0.0006974062998779118, 0.03297197073698044, -0.026581475511193275, 0.01935797743499279, -0.03558287397027016, 0.019196350127458572, -0.005234238225966692, 0.017269255593419075, -0.005849665030837059, 0.04028249904513359, 0.01816442236304283, 0.019619068130850792, -0.0009806426241993904, -0.008553814142942429, 0.02725285105407238, -0.0001311279193032533, 0.019146619364619255, 0.007807842455804348, 0.00605791574344039, 0.01571514829993248, 0.02261538989841938, -0.014136172831058502, 0.0069934893399477005, -0.0016489094123244286, 0.010916059836745262, -0.009337085299193859, -0.00037706561852246523, -0.011320128105580807, -0.02204347774386406, 0.02510196343064308, 0.014819980598986149, 0.016722209751605988, 0.004702732898294926, -0.008510299026966095, -0.015702715143561363, -0.019867725670337677, 0.04918443411588669, -0.00764621514827013, 0.021359670907258987, -0.005728444550186396, -0.028695063665509224, -0.009523577988147736, -0.002533197170123458, -0.032027073204517365, 0.009958729147911072, 0.028073420748114586, 0.030634591355919838, 0.0278247632086277, -0.00910086091607809, -0.02909291535615921, -0.01720709167420864, -0.0023016349878162146, 0.029963215813040733, 0.01610056683421135, -0.028222614899277687, 0.02438085712492466, -0.016398955136537552, -0.04013330489397049, 0.007497020531445742, -0.030758919194340706, 0.003589991247281432, -0.013216140680015087, -0.006601853761821985, 0.009797101840376854, -0.019917458295822144, -0.009063562378287315, -0.009790885262191296, 0.0185125432908535, 0.021297505125403404, -0.019022291526198387, -0.010437394492328167, 0.019768262282013893, -0.004634352400898933, -0.0052497792057693005, 0.020713161677122116, 0.00782027468085289, 0.0324995219707489, -0.03058486059308052, -0.008933017030358315, 0.01130769494920969, 0.022515926510095596, -0.006154270377010107, -0.01486971229314804, 0.023485690355300903, -0.02403273805975914, -0.0033599829766899347, 0.00024108111392706633, -0.0076089161448180676, 0.02375921420753002, -0.003922570496797562, 0.021285073831677437, 0.007596483454108238, 0.007235930301249027, -0.013091811910271645, -0.024505186825990677, 0.0031517324969172478, -0.016200030222535133, -0.008205694146454334, 0.002192847430706024, -0.023622453212738037, 0.005007338244467974, -0.006204002071171999, -0.01595137268304825, 0.004426101688295603, 0.017045464366674423, -0.007099168840795755, -0.006869160570204258, -0.01985529251396656, 0.009299786761403084, 0.0013520745560526848, -0.03550827503204346, -0.006570771802216768, -0.0019333112286403775, 0.004569079726934433, -0.032524388283491135, 0.005846557207405567, 0.009225189685821533, 0.022677553817629814, 0.005324376281350851, 0.04247068241238594, -0.001961285248398781, 0.014770248904824257, 0.021409401670098305, 0.025860369205474854, 0.005476679187268019, -0.023199735209345818, -0.0006888586794957519, -0.035856395959854126, -0.03473743796348572, 0.02441815659403801, -0.017356285825371742, 0.009884131141006947, 0.010182520374655724, 0.012041234411299229, -0.01786603406071663, -0.009436547756195068, 0.03513529151678085, 0.012196645140647888, -0.0007273228839039803, 0.012638011947274208, 0.020713161677122116, -0.0032543037086725235, -0.02844640612602234, -0.013464798219501972, 0.0035340432077646255, -0.007198631763458252, -0.020054219290614128, 0.0057502021081745625, -0.01578974537551403, 0.0008788484847173095, -0.03990951180458069, 0.026854999363422394, -0.03187787905335426, -0.026531744748353958, 0.025462517514824867, 0.03023673966526985, 0.03660237044095993, -0.009206539951264858, -0.014931876212358475, -0.02936643920838833, -0.009107077494263649, 0.00845435168594122, -0.0019752720836549997, 0.01190447248518467, -0.0023622452281415462, 0.02668093889951706, -0.027053924277424812, -0.0056693884544074535, -0.016187597066164017, 0.019333112984895706, -0.0012596051674336195, -0.058136098086833954, -0.013315603137016296, 0.030336203053593636, -0.021285073831677437, -0.01419833768159151, 0.0019752720836549997, -0.019532037898898125, 0.009094644337892532, -0.010263334028422832, -0.00299010518938303, -0.020949386060237885, 0.00481152068823576, -0.004690300207585096, 0.007372691761702299, 0.02426896244287491, 0.01874876767396927, 0.00037823119782842696, 0.044136688113212585, -0.03782078996300697, -0.05430677533149719, -0.025885235518217087, -0.014708084985613823, 0.009902780875563622, 0.008385970257222652, -0.022093210369348526, 0.008323806338012218, -0.0007615132490172982, 0.006284815724939108, -0.021446701139211655, -0.03381740674376488, 0.0050539616495370865, -0.009262488223612309, -0.0001624043652554974, 0.01886066421866417, 0.00977223552763462, 0.010182520374655724, -0.00858489703387022, -0.027973957359790802, 0.024940336123108864, 0.013116677291691303, -0.049806077033281326, 0.05639549717307091, -0.02338622882962227, 0.009386816993355751, 0.005591683089733124, -0.013986978679895401, -0.03155462443828583, 0.049731478095054626, -0.015740012750029564, -0.0297891553491354, 0.020688295364379883, 0.000455353845609352, 0.0138377845287323, -0.0512731559574604, 0.015242698602378368, 0.005709795281291008, 0.02697932720184326, -0.012718825601041317, -0.007770543452352285, 0.005013554822653532, -0.015777312219142914, 0.021111013367772102, -0.021682925522327423, -0.009299786761403084, 0.005293294321745634, -0.017194658517837524, 0.018537409603595734, 0.00295591470785439, -0.015329728834331036, 0.0038293239194899797, 0.007994335144758224, 0.030137276276946068, -0.00714890006929636, 0.0020250037778168917, -0.03603045642375946, -0.01084767933934927, -0.023062974214553833, -0.032101668417453766, 0.0116495992988348, 0.01554108690470457, -0.003962977323681116, 0.011127418838441372, 0.001995475497096777, 0.038964614272117615, -0.04053115472197533, -0.048811446875333786, 0.01924608275294304, 0.005336809437721968, 0.007950820028781891, 0.026432281360030174, -0.00243839668110013, 0.024791141971945763, -0.010586588643491268, 0.018425513058900833, -0.01312911044806242, 0.002366907661780715, -0.000978311407379806, -0.032449789345264435, 0.012706393375992775, -0.03304656967520714, -0.014621054753661156, -0.023398660123348236, -0.0048332782462239265, 0.026531744748353958, 0.012072316370904446, 0.00135129748377949, -0.018835797905921936, 0.04450967535376549, 0.01567784883081913, -0.0035806666128337383, 0.0008026971481740475, -0.010157654993236065, 0.005277753341943026, 0.0019379735458642244, 0.016436254605650902, -0.000838441657833755, 0.011512837372720242, -0.016398955136537552, -0.02583550289273262, 0.03615478426218033, -0.0075032371096313, 0.018922828137874603, 0.02640741504728794, -0.016958434134721756, 0.003291602246463299, -0.021533731371164322, 0.009585742838680744, 0.003375524189323187, -0.0006216434994712472, -0.022528359666466713, 0.02384624443948269, 0.039536524564027786, 0.03354388102889061, 0.004973147995769978, 0.008224342949688435, 0.006238192319869995, 0.038890015333890915, -0.006956190802156925, 0.013290737755596638, 0.003204572247341275, -0.010903626680374146, 0.03481203690171242, 0.00925627164542675, -0.031952474266290665, -0.022975943982601166, -0.008354888297617435, -0.014608621597290039, 0.02618362382054329, 0.007124034222215414, 0.05286456272006035, -0.0016737751429900527, 0.02254079282283783, -0.01094092521816492, 0.03525961935520172, -0.02924210950732231, 0.018276318907737732, 0.0025052232667803764, -0.01648598536849022, 0.006098322570323944, 0.024467887356877327, 0.008553814142942429, -0.023709483444690704, 0.0033040351700037718, 0.010511991567909718, 0.011867173947393894, 0.001405691378749907, 0.007161333225667477, 0.014185904525220394, 0.050005003809928894, 0.019693665206432343, 0.006869160570204258, -0.02024071291089058, 0.013589126989245415, 0.023597586899995804, 0.0034874200355261564, 0.00576885137706995, 0.016162730753421783, -0.013526962138712406, -0.020476937294006348, 0.04160038381814957, 0.03456337749958038, -0.002752326661720872, -0.016187597066164017, -0.0883728414773941, -0.0006876931292936206, -0.007851357571780682, 0.006116971839219332, -0.0073540424928069115, 0.014844846911728382, 0.016921136528253555, 0.014148605987429619, -0.003966085612773895, 0.024206796661019325, 0.018375782296061516, -0.02380894497036934, 0.011357426643371582, -0.0322011336684227, 0.04309232532978058, -0.031529758125543594, -0.009175457991659641, -0.011083903722465038, 0.017381152138113976, -0.00012831110507249832, -0.020986683666706085, 0.016995733603835106, 0.007571617607027292], "46074827-aca5-4bc0-8450-1cc7ae4b8581": [0.020097263157367706, -0.0033571564126759768, 0.005976978223770857, 0.050582461059093475, 0.00224789185449481, -0.017095724120736122, 0.03181631490588188, 0.023881811648607254, 0.026309143751859665, 0.0447881855070591, 0.011901755817234516, -0.033016931265592575, -0.01957525499165058, -0.004939489532262087, 0.021323978900909424, -0.018165837973356247, -0.0014444907428696752, 0.031007204204797745, -0.08096325397491455, 0.02509547770023346, 0.0287625752389431, 0.04969504848122597, 0.027353158220648766, -0.0004734765097964555, -0.00516786752268672, 0.010538012720644474, -0.014433488249778748, 0.004822038114070892, 0.0021320716477930546, -0.0404033288359642, -0.010538012720644474, -0.029127979651093483, -0.022511543706059456, -0.027222655713558197, 0.0075299483723938465, 0.007967129349708557, 0.003977039363235235, 0.017656881362199783, 0.043535370379686356, -0.0007083795499056578, -0.023268453776836395, -0.05392330512404442, 0.02031911537051201, -0.0035137583035975695, 0.023320654407143593, 0.0473199188709259, -0.0356791652739048, -0.01743502728641033, -0.01335032470524311, 0.00802585482597351, -0.041108038276433945, 0.03118990734219551, -0.002003201050683856, 0.043952975422143936, -0.0032217607367783785, -0.02260289527475834, 0.009722377173602581, 0.01978405751287937, -0.004319606348872185, 0.005510434508323669, 0.007458172272890806, -0.012834842316806316, -0.003963989205658436, 0.04541459307074547, 0.0564289353787899, 0.025695785880088806, -0.03257322683930397, -0.014302986674010754, -0.036879781633615494, 0.03719298541545868, 0.03789769485592842, 0.05428870767354965, 0.020449617877602577, -0.006825238931924105, -0.015412251465022564, 0.03701028227806091, 0.0026703912299126387, 0.010551062412559986, 0.03664487972855568, -0.03789769485592842, 0.022994400933384895, -0.03014589287340641, -0.024638721719384193, 0.0021532780956476927, -0.022381043061614037, 0.014289936982095242, -0.10085171461105347, -0.03090280294418335, -0.051887478679418564, -0.05919557437300682, -0.02377741038799286, 0.08237267285585403, 0.00047266087494790554, 0.03395654261112213, 0.039385415613651276, -0.01838769018650055, -0.01141237374395132, 0.033147431910037994, -0.02245934307575226, 0.030511299148201942, 0.03434804826974869, -0.02675285004079342, -0.020032010972499847, 0.00854133628308773, 0.015751555562019348, -0.006626224145293236, -0.010870791971683502, 0.03186851739883423, 0.004016189835965633, 0.007249369751662016, -0.09646686166524887, 0.016704218462109566, -0.02178073488175869, 0.00537667004391551, 0.021062975749373436, -0.0038302249740809202, 0.002766636200249195, -0.04118633642792702, 0.0109229926019907, -0.03669707849621773, -0.033643338829278946, -0.035992369055747986, 0.018505141139030457, -0.005957402754575014, -0.03693198412656784, 0.01729147508740425, -0.006361958105117083, -0.01701742224395275, -0.030250295996665955, 0.0010048631811514497, 0.04189104586839676, -0.00953967496752739, 0.02324235439300537, 0.00833253376185894, 0.021885136142373085, -0.012599939480423927, -0.0003217682533431798, 0.02523902989923954, -0.025904588401317596, -0.04627590626478195, -0.048024628311395645, -0.07548218965530396, 0.004972115159034729, 0.035078857094049454, 0.034191448241472244, -0.05204407870769501, -0.028997479006648064, -0.00871098879724741, -0.004678485915064812, -0.018544292077422142, -0.010792491026222706, 0.01261951494961977, -0.029362883418798447, 0.0017780857160687447, 0.013533026911318302, -0.03463515266776085, 0.00781705230474472, 0.0650942474603653, -0.021898185834288597, 0.03852410241961479, -0.0351310595870018, 0.0020717144943773746, -0.03056349977850914, -0.017735181376338005, 0.019040198996663094, -0.005037365946918726, -0.0032315484713763, -0.059978581964969635, -0.020984673872590065, -0.04839003086090088, -0.002831886988133192, -0.025004126131534576, -0.04079483449459076, 0.0009689751313999295, 0.003667098004370928, -0.02128482796251774, 0.002458325820043683, -0.04319606348872185, -0.020762821659445763, -0.005846476182341576, -0.008391259238123894, 0.024025363847613335, -0.028475472703576088, -0.028945278376340866, 0.010133457370102406, -0.0681740939617157, 0.006394583731889725, 0.0002748692058958113, -0.03617507219314575, -0.004293506033718586, -0.006397846154868603, -0.008978517726063728, -0.015621053986251354, -0.10335735231637955, -0.04799852520227432, -0.07302875071763992, 0.030876703560352325, -0.052383385598659515, -0.01555580273270607, 0.006812188774347305, 0.015855956822633743, 0.007934503257274628, -0.0009714220650494099, -0.011431949213147163, 0.005392983090132475, -0.0410558357834816, 0.011771253310143948, -0.0022397355642169714, 0.015999509021639824, -0.013533026911318302, 0.061701204627752304, -0.005856263916939497, 0.02910188026726246, -0.0008315405575558543, -0.03836750239133835, 0.02011031284928322, -0.05491511896252632, 0.00861311238259077, -0.01452483981847763, -0.01511209737509489, -0.0030080643482506275, 0.011816929094493389, 0.024116715416312218, -0.019679656252264977, 0.024325517937541008, 0.011921330355107784, 0.0554371252655983, 0.016991322860121727, 0.015020745806396008, -0.009317821823060513, 0.02745755948126316, -0.01120357122272253, 0.011281872168183327, -0.02620474249124527, 0.06572065502405167, -0.027535859495401382, 0.05107836797833443, 0.025330381467938423, -0.06217101216316223, -0.02641354501247406, -0.005487596616148949, 0.06561625748872757, 0.03815869987010956, 0.059508778154850006, -0.0008140043937601149, -0.035992369055747986, -0.03400874510407448, -0.05898677185177803, 0.010387935675680637, -0.05157427489757538, 0.0034941830672323704, -0.010179133154451847, 0.023803511634469032, -0.048285629600286484, -0.02095857448875904, -0.046328105032444, -0.002500738948583603, 0.0356791652739048, -0.0051189293153584, -0.04163004457950592, 0.026217792183160782, -0.014342137612402439, -0.015738505870103836, 0.0035072332248091698, -0.02863207459449768, 0.013676579110324383, -0.0006349723553285003, 0.04019452631473541, 0.0024876887910068035, -0.06833069026470184, -0.020371316000819206, 0.021689383313059807, 0.011640751734375954, -0.023385904729366302, -0.06958350539207458, 0.00010394256969448179, 0.003937888890504837, -0.030380796641111374, -0.010250909253954887, 0.024168916046619415, 0.0037584491074085236, 0.013741829432547092, -0.000284452922642231, -0.01853124238550663, 0.027170455083251, -0.012632564641535282, -0.007934503257274628, -0.006025916431099176, -0.03899390995502472, 0.027222655713558197, 0.015242598950862885, -0.04645860567688942, -0.04825953021645546, 0.021454479545354843, -0.007830101996660233, -0.010048631578683853, 0.03155531361699104, 0.003306586993858218, -0.027222655713558197, 0.0038008622359484434, -0.010955617763102055, 6.28039488219656e-05, -0.04512748867273331, -0.04309166222810745, -0.015816805884242058, -0.012743491679430008, 0.01431603729724884, 0.07078412175178528, 0.022968299686908722, -0.060187384486198425, -0.014446538873016834, -0.0021956912241876125, 0.038132596760988235, -0.009350446984171867, -0.0021173900458961725, -0.036879781633615494, 0.027744662016630173, -0.019405603408813477, -0.021402278915047646, -0.022772546857595444, -0.03254712373018265, -0.012110558338463306, -0.02613949216902256, -0.014133334159851074, -0.004303293768316507, -0.020762821659445763, 0.03497445583343506, -0.0007043014047667384, 0.004707849118858576, 0.010609788820147514, -0.03547036275267601, -0.06874829530715942, 0.03340843692421913, 0.02059316821396351, -0.013245923444628716, 0.018857495859265327, -0.032521024346351624, 0.004071653354912996, 0.0017568791517987847, 0.0442400760948658, -0.007614774629473686, -0.0057355500757694244, 0.0012674977770075202, -0.0016802094178274274, -0.02213308960199356, -0.03111160546541214, 0.02393401227891445, 0.04243915528059006, -0.009696276858448982, 0.041812747716903687, -0.006538135465234518, 0.029989290982484818, -0.02345115691423416, 0.007719175890088081, 0.030250295996665955, 0.023320654407143593, 0.010812066495418549, -0.024012314155697823, -0.04223035275936127, 0.01047276146709919, -0.07067972421646118, -0.018374640494585037, 0.012019206769764423, 0.007732226047664881, -0.006773038301616907, 0.02322930283844471, -0.05966537818312645, -0.026726748794317245, -0.01887054741382599, 0.0003607148537412286, -0.03967252001166344, 0.00011174208339070901, 0.005021052900701761, 0.019392553716897964, -0.05345349758863449, 0.03818479925394058, 0.014642291702330112, 0.04439667984843254, 0.007653925102204084, 0.033852141350507736, 0.0927606150507927, -0.007223269436508417, -0.016443215310573578, -0.03228612244129181, 0.03794989734888077, 0.030850602313876152, -0.008645737543702126, -0.047058913856744766, 0.005474546458572149, -0.009493999183177948, 0.03137261047959328, 0.003335949731990695, 0.021102124825119972, 0.008560911752283573, 0.0474243201315403, -0.01513819769024849, -0.04562339559197426, 0.06264081597328186, 0.014041983522474766, -0.02441686950623989, 0.027118254452943802, -0.04042942821979523, -0.039933521300554276, 0.03231222182512283, -0.003272330155596137, 0.008769714273512363, 0.0034876579884439707, 0.004247830715030432, 0.023555558174848557, -0.0008368421695195138, 0.028031766414642334, 0.001748722861520946, 0.045179691165685654, -0.017187073826789856, 0.054236508905887604, -0.03651437535881996, 0.030406897887587547, 0.06023958697915077, 0.024116715416312218, -0.066973477602005, 0.0015937520656734705, -0.02703995257616043, -0.032521024346351624, -0.025121578946709633, -0.057211946696043015, -0.004016189835965633, 0.008228132501244545, -0.0007197984377853572, 0.0765262022614479, -0.0938568264245987, 0.00016455449804197997, 0.015242598950862885, -0.024456018581986427, 0.020932473242282867, -0.027979565784335136, -0.005980240646749735, 0.03844580054283142, 0.04246525466442108, 0.01313499640673399, -0.04703281447291374, -0.019653556868433952, -0.01009430643171072, -0.010211758315563202, -0.015882058069109917, -0.0011932749766856432, 0.0015423670411109924, -0.019718807190656662, 0.002065189415588975, 0.04938184469938278, 0.026530995965003967, -0.023216253146529198, -0.018700893968343735, 0.04549289494752884, 0.044709883630275726, -0.049329645931720734, -0.02073672041296959, 0.007836627773940563, -0.03199901804327965, 0.027431458234786987, -0.03969861939549446, -0.029467284679412842, -0.003270698944106698, 0.040559928864240646, -0.003680148161947727, 0.02834497019648552, 0.021728534251451492, -0.048859838396310806, -0.02593068778514862, 0.0029265007469803095, -0.004433795344084501, -0.02004506252706051, 0.020371316000819206, 0.0019901508931070566, 0.0014926132280379534, -0.03823699802160263, 0.01186260487884283, 0.0693747028708458, 0.03925491124391556, -0.06227541342377663, -0.04930354282259941, 0.012534689158201218, 0.01610391028225422, -0.02675285004079342, -0.0004881579370703548, 0.03646217659115791, 0.010381410829722881, 0.0692703053355217, 0.016899971291422844, -0.02101077511906624, 0.0025056328158825636, -0.008312958292663097, 0.0007597646326757967, 0.023607758805155754, -0.01276306714862585, 0.046771809458732605, 0.0102378586307168, -0.014537889510393143, -0.032729826867580414, -0.0008433672483079135, -0.007764851208776236, -0.02041046693921089, -0.022524593397974968, 0.005924777593463659, 0.02600898966193199, 0.01997981034219265, 0.06065719202160835, 0.05342739820480347, -0.02620474249124527, -0.05575032904744148, -0.04520579054951668, -0.015072946436703205, -0.01033573504537344, -0.021271778270602226, -0.034739553928375244, -0.048076827079057693, -0.01002905610948801, 0.030589599162340164, 0.033225733786821365, -0.019066298380494118, -0.03048519790172577, -0.033095233142375946, 0.013317698612809181, -0.018844446167349815, 0.03393044322729111, -0.030746201053261757, 0.016821669414639473, -0.004525146447122097, -0.011849555186927319, -0.012306311167776585, -0.030589599162340164, 0.012841368094086647, -0.014263836666941643, 0.007275470066815615, 0.008795814588665962, 0.011360173113644123, -0.023738259449601173, -0.01701742224395275, -0.01936645247042179, -0.007392921485006809, -0.04922524467110634, 0.00715801864862442, -0.04604100063443184, 0.02282474748790264, -0.011418899521231651, 0.002977070165798068, -0.03714078664779663, -0.004805725067853928, -0.022420192137360573, -0.016495415940880775, -0.016991322860121727, 0.00885454099625349, 0.009011142887175083, 0.042621858417987823, -0.01874004490673542, 0.04880763590335846, -0.0023229303769767284, 0.007569098845124245, -0.02170243300497532, 0.019797109067440033, -0.007693075574934483, -0.0004853032005485147, 0.006962265819311142, 0.021676333621144295, -0.00012356879597064108, 0.020488766953349113, 0.03826310113072395, -0.018648693338036537, 0.00653487304225564, 0.007960603572428226, 0.0175655297935009, 0.027822963893413544, -0.00818898156285286, -0.037088584154844284, -0.031424809247255325, 0.04979944974184036, -0.016926070675253868, -0.04243915528059006, -0.021310929208993912, 0.006153155583888292, 0.023164052516222, -0.017826532945036888, -0.004786150064319372, -0.0011598338605836034, 0.043535370379686356, -0.005109141580760479, -0.014302986674010754, 0.03518325835466385, 0.010759865865111351, -0.027327056974172592, 0.006078117061406374, 0.017252326011657715, -0.012586889788508415, 0.040011823177337646, 0.048572733998298645, 0.0061923060566186905, 0.006870914716273546, -0.037166886031627655, 0.0035953219048678875, 0.0037160359788686037, 0.0061988309025764465, -0.0031304096337407827, -0.006857864558696747, -0.0192098505795002, -0.02393401227891445, 0.0005656433058902621, -0.004760049749165773, 0.00953967496752739, -0.012038782238960266, 0.007040566764771938, -0.007066667079925537, 0.01611695997416973, -0.04061213135719299, 0.02335980534553528, -0.010694614611566067, -0.012404186651110649, 0.02218529023230076, -0.0053831953555345535, 0.02600898966193199, 0.0015619422774761915, 0.06023958697915077, 0.018426841124892235, 0.05387110263109207, 0.007249369751662016, 0.002019513864070177, 0.0122410599142313, 0.03591407090425491, -0.003251123707741499, -0.019718807190656662, -0.019966760650277138, -0.01605170965194702, -0.015882058069109917, -0.041525643318891525, 0.004358756821602583, -0.0149032948538661, 0.001941212802194059, 0.03734958916902542, -0.027196554467082024, 0.01241071242839098, -0.0247561726719141, -0.007647399790585041, -0.01603865996003151, -0.03369554132223129, 0.014433488249778748, 0.007275470066815615, 0.04092533513903618, -0.000927377725020051, -0.023203203454613686, 0.011614651419222355, 0.005347307305783033, -0.03946371376514435, 0.030380796641111374, 0.0012838104739785194, 0.04606710001826286, -0.021885136142373085, 0.024155866354703903, -0.01714792475104332, 0.014851094223558903, 0.025395631790161133, -0.04460548236966133, -0.022367991507053375, -0.03828920051455498, 0.004185842350125313, 0.016221361234784126, -0.012058357708156109, -0.0017519854009151459, 0.0006003078306093812, 0.02461262233555317, -0.011046969331800938, 0.03609677031636238, -0.023960113525390625, -0.02675285004079342, 0.01790483295917511, 7.406991062453017e-05, -0.01603865996003151, -0.013533026911318302, 0.0026899664662778378, 0.010120406746864319, -0.01866174302995205, -0.0027650047559291124, 0.028501572087407112, 0.014094184152781963, -0.01475974265486002, -0.018505141139030457, 0.01722622476518154, 0.01666506752371788, 0.011914805509150028, 0.05397550389170647, 0.002939550904557109, -0.028031766414642334, -0.015203448943793774, 0.01417248509824276, -0.005928040016442537, -0.008045430295169353, -0.017604680731892586, 0.0175655297935009, -0.004645860753953457, 0.002849831013008952, -0.007790951989591122, -0.00944179855287075, -0.10215673595666885, -0.02904967963695526, -0.012201908975839615, -0.010590213350951672, -0.01337642502039671, -0.04306556284427643, -0.0009575562435202301, -0.012991445139050484, 0.03541816398501396, 0.04045552760362625, 0.00861311238259077, -0.031085506081581116, 0.03299083188176155, -0.009174269624054432, 0.00387263810262084, -0.010133457370102406, 0.0073015703819692135, -0.006766513455659151, -0.004283718299120665, 0.017957035452127457, -0.0012952294200658798, 0.02779686264693737, 0.03988132253289223, -0.00516786752268672, -0.03466125205159187, 0.01082511618733406, -6.239612412173301e-05, -0.032599326223134995, 0.04076873138546944, -0.038002096116542816, 0.014015883207321167, -0.022420192137360573, 0.012136658653616905, -0.0044076950289309025, -0.014276886358857155, -0.007797476835548878, 0.03327793627977371, -0.03466125205159187, 0.0036768855061382055, -0.015921207144856453, -0.011882180348038673, 0.01838769018650055, -0.029832689091563225, -0.025017177686095238, 0.003526808461174369, 0.015882058069109917, 0.0013515083119273186, -0.023947061970829964, 0.02897137776017189, -0.028240568935871124, 0.008436935022473335, -0.004211942665278912, 0.012051832862198353, -0.03155531361699104, 0.018348539248108864, 0.04862493649125099, -0.005503909196704626, -0.0008890428580343723, 0.006290182005614042, -0.0565333366394043, 0.004335918929427862, 0.00024163206398952752, 0.07391616702079773, -0.039228811860084534, 0.015986459329724312, 0.006430471315979958, 0.0025154203176498413, -0.0012666821712628007, -0.017304526641964912, -0.01010083220899105, 0.009552724659442902, 0.026243893429636955, 0.004590397235006094, -0.002668759785592556, 0.0075299483723938465, 0.026661498472094536, -0.031163807958364487, -0.039437614381313324, -0.026570146903395653, 0.02365995943546295, -0.029832689091563225, -0.041108038276433945, -0.01616916060447693, -0.039855219423770905, -0.02239409275352955, -0.013291598297655582, 0.016443215310573578, -0.002916713012382388, -0.0009689751313999295, 0.017578579485416412, -0.061440203338861465, 0.0069426908157765865, -0.010002955794334412, -0.0018824870930984616, 0.015255649574100971, 0.02578713744878769, 0.00509609142318368, -0.021532781422138214, -0.051000066101551056, 0.042700156569480896, -0.004159742034971714, 0.002190797356888652, -0.00826728343963623, -0.04489258676767349, 0.008228132501244545, 0.021611081436276436, -0.012143183499574661, 0.007386396639049053, 0.061283599585294724, -0.014015883207321167, -0.009493999183177948, -0.032599326223134995, -0.02337285503745079, -0.0030716839246451855, 0.021480580791831017, 0.01275654137134552, -0.003458295250311494, 0.022903049364686012, -0.03672317788004875, -0.01576460525393486, -0.008136780932545662, 0.030667901039123535, -0.02538258209824562, -0.02033216506242752, -0.00974847748875618, -0.0010913205333054066, -0.015125147998332977, -0.008254232816398144, -0.0351310595870018, 0.036201171576976776, 0.022942200303077698, 0.0038498002104461193, 0.000936349737457931, -0.016221361234784126, -0.02842327207326889, -0.006277131848037243, 0.001176962279714644, -0.03761059045791626, 0.005360357463359833, -0.004358756821602583, 0.0431438647210598, 0.00912859383970499, -0.008815390057861805, -0.009937704540789127, 0.029284583404660225, 0.009670176543295383, 0.004955802112817764, -0.012802217155694962, -0.031033305451273918, 0.049747250974178314, 0.01790483295917511, -0.0004208679893054068, -0.03466125205159187, 0.01832243986427784, -0.00475352443754673, 0.026309143751859665, -0.00833253376185894, -0.012632564641535282, 0.04502308741211891, -0.003996614832431078, -0.00293791969306767, -0.023555558174848557, 0.016130011528730392, -0.006114004645496607, -0.01674336940050125, 0.01568630523979664, 0.013663528487086296, 0.06243201717734337, -0.015307850204408169, -0.03395654261112213, 0.021793784573674202, -0.007608249317854643, -0.004247830715030432, 0.05303589254617691, 0.026230841875076294, -0.021467531099915504, -0.02219833992421627, 0.028292769566178322, 0.007275470066815615, 0.03181631490588188, 0.0015880425926297903, 0.04066433012485504, 0.002975438954308629, -0.01071419008076191, 0.0034909206442534924, -0.014237736351788044, 0.002939550904557109, -0.003306586993858218, 0.01845294050872326, 0.002647553337737918, -0.013467775657773018, -0.003184241708368063, -0.011712527833878994, 0.008202032186090946, -0.02282474748790264, 0.005278794094920158, 0.04969504848122597, 0.022224441170692444, 0.021545831114053726, -0.0036148971412330866, 0.02787516452372074, 0.009206895716488361, -0.011993106454610825, 0.005503909196704626, 0.02005811221897602, 0.014055033214390278, -0.006280394736677408, 0.030746201053261757, 0.0021500156726688147, 0.005797538440674543, 0.028527673333883286, 0.014916344545781612, -0.043796371668577194, 0.05924777314066887, 0.04405737668275833, 0.0030113267712295055, 0.0032755928114056587, -0.03340843692421913, 0.005647461395710707, 0.03479175269603729, 0.03299083188176155, 0.019862359389662743, -0.012247584760189056, -0.002977070165798068, -0.020018961280584335, -0.01951000466942787, 0.002081502228975296, -0.019066298380494118, 0.020514868199825287, 0.01582985743880272, -0.021062975749373436, -0.019862359389662743, -0.011764728464186192, 0.015399200841784477, 0.005888889543712139, 0.002688335021957755, -0.06003078445792198, 0.02302050031721592, -0.033643338829278946, 0.00988550391048193, -0.007281994912773371, -0.02771856263279915, -0.011575501412153244, 0.011745152994990349, 0.013559127226471901, 0.009520099498331547, -0.0027437983080744743, -0.006567498203366995, 0.006352170370519161, 0.0006875808467157185, 0.010968668386340141, 0.0340348444879055, 0.014916344545781612, 0.00428698118776083, -0.019875409081578255, -0.023111851885914803, -0.0372190847992897, 0.006270607002079487, -0.02302050031721592, 0.048990339040756226, 0.02544783242046833, 0.00951357465237379, 0.021832935512065887, -0.027770763263106346, -0.0059737153351306915, 0.018792245537042618, 0.02358165755867958, -0.028110066428780556, 0.0014714066637679935, 0.043457068502902985, 0.01061631366610527, -0.010890367440879345, 0.030302496626973152, 0.00018657665350474417, 0.016495415940880775, 0.051548171788454056, -0.02543478272855282, 0.025839338079094887, 0.005787750706076622, 0.052513886243104935, 0.004737211856991053, 0.051130566745996475, 0.004505571443587542, 0.017800431698560715, -0.010936043225228786, 0.002327824244275689, -0.00043636508053168654, 0.003970514517277479, 0.04322216287255287, 0.018492091447114944, -0.00745164742693305, -0.025460882112383842, -0.017643829807639122, -0.045388493686914444, 0.002184272278100252, -0.021128226071596146, -0.007830101996660233, -0.05073906108736992, -0.013428625650703907, -0.012489013373851776, 0.009846353903412819, 0.01922290027141571, -0.02771856263279915, 0.022433243691921234, -0.0023457680363208055, -0.0062575568445026875, -0.03299083188176155, 0.032677628099918365, -0.004972115159034729, 0.03969861939549446, -0.0046393354423344135, -0.008724038489162922, -0.02073672041296959, -0.008658788166940212, -0.05460191145539284, -0.014329086989164352, -0.0017144661396741867, 0.0042739310301840305, -0.019744908437132835, 0.008104155771434307, -0.011582026258111, 0.037088584154844284, 0.009141644462943077, 0.0013409049715846777, -0.038471903651952744, -0.033016931265592575, 0.0052885813638567924, 0.0024664821103215218, 0.018296338617801666, -0.025617484003305435, -0.014642291702330112, -0.0038008622359484434, 0.026100341230630875, 0.019040198996663094, 0.021689383313059807, 0.006081379484385252, 0.02384266071021557, -0.025682736188173294, 0.01812668703496456, -0.02573493681848049, -0.021976487711071968, 0.014094184152781963, -0.009291721507906914, -0.02406451478600502, 0.008143306709825993, -0.010988243855535984, 0.023633858188986778, 0.013082795776426792, -0.014107233844697475, 0.013702679425477982, 0.01674336940050125, -0.028110066428780556, 0.001343351905234158, -0.008874115534126759, 0.01790483295917511, 0.01674336940050125, -0.008071530610322952, -0.002102708676829934, -0.014838043600320816, 0.012423762120306492, 0.01687387004494667, 0.011471100151538849, 0.015608004294335842, -0.015542753040790558, -0.0122410599142313, 0.007490797899663448, -0.0027813175693154335, -0.04238695278763771, -0.025278180837631226, 0.013637428171932697, 0.002748692175373435, 0.014368237927556038, -0.015294799581170082, -0.006766513455659151, -0.031842414289712906, 0.01534700021147728, -0.01611695997416973, -0.015451401472091675, -0.006348907947540283, 0.0025431520771235228, -0.009963804855942726, -0.01722622476518154, 0.017043523490428925, -0.003928101155906916, -0.008156356401741505, -0.04562339559197426, -0.011895230039954185, 0.008606587536633015, 0.03714078664779663, 0.014015883207321167, -0.006642536725848913, -0.025212928652763367, -0.003432194935157895, 0.0006488381768576801, 0.022172240540385246, 0.05178307741880417, 0.0013139890506863594, -0.004146691877394915, 0.023764360696077347, 0.03369554132223129, 0.011542875319719315, 0.01693912036716938, 0.006045491434633732, 0.012404186651110649, 0.028371071442961693, 0.018061436712741852, 0.012984919361770153, -0.011797354556620121, -0.023947061970829964, 0.0003246229898650199, 0.054340910166502, 0.012012681923806667, -0.01254773885011673, -0.0023979688994586468, 0.007099292706698179, -0.003833487629890442, 0.015007696114480495, 0.02938898466527462, -0.03179021552205086, -0.0049231769517064095, -0.01241071242839098, 0.0228899996727705, 0.026661498472094536, -0.0009110650280490518, 0.002101077465340495, -0.003169560106471181, -0.023973163217306137, 0.007347246166318655, -0.01791788451373577, -0.004264143295586109, 0.0036997233983129263, -0.024312468245625496, -0.020162513479590416, -0.014081133529543877, -0.022837799042463303, 0.003308218205347657, 0.011307972483336926, -0.002786211436614394, -0.01964050717651844, 0.012077933177351952, -0.013082795776426792, 0.00350070814602077, -0.001874330686405301, -0.00293139461427927, 0.02219833992421627, 0.009167744778096676, -0.008926316164433956, -0.007151493337005377, 0.0829990804195404, -0.025630535557866096, 0.03450465202331543, 0.010694614611566067, 0.021532781422138214, -0.03327793627977371, -0.006844814401119947, 0.022929148748517036, -0.04880763590335846, -0.033643338829278946, 0.013389474712312222, 0.001146783703006804, -0.033016931265592575, 0.03698418289422989, -0.030459098517894745, 0.020240813493728638, -0.037245187908411026, 0.025121578946709633, -0.016991322860121727, -0.000999969313852489, 0.0022821484599262476, 0.05366230010986328, 0.006071591749787331, 0.01075334008783102, -0.003977039363235235, -0.015046846121549606, 0.02523902989923954, 0.008339058607816696, 0.017878733575344086, 0.019053248688578606, -0.007458172272890806, 0.022080888971686363, 0.028605973348021507, -0.006521822884678841, -0.010133457370102406, -0.010113881900906563, 0.016678117215633392, 0.009376547299325466, 0.007869252935051918, -0.0011761465575546026, -0.02826666831970215, 0.011542875319719315, 0.02121957764029503, 0.0228899996727705, 0.0023604496382176876, 0.005914989858865738, -0.023281503468751907, -0.016430163756012917, 0.017539428547024727, -0.017826532945036888, 0.01611695997416973, -0.016495415940880775, -0.020227763801813126, -0.006645799148827791, 0.0026345031801611185, -0.03333013504743576, -0.02261594496667385, 0.0041793170385062695, 0.0345829501748085, 0.032599326223134995, -0.018348539248108864, -0.02116737700998783, 0.014446538873016834, -0.0013971838634461164, 0.016443215310573578, 0.0020097263623028994, -0.031059404835104942, 0.015790706500411034, -0.028031766414642334, -0.04452718049287796, -0.019940661266446114, -0.014028932899236679, -0.001237319316715002, -0.033356234431266785, -0.006962265819311142, 0.012162758968770504, 0.0008135965908877552, -0.00508304126560688, -0.005849739070981741, 0.00944179855287075, 0.027013853192329407, -0.011745152994990349, -0.0031565099488943815, -0.026987751945853233, -0.0002440789685351774, -0.021819885820150375, 0.013911481946706772, 0.008482610806822777, 0.015464452095329762, -0.007053616922348738, -0.012012681923806667, 0.006583810783922672, 0.021819885820150375, -0.005820375867187977, -0.01528174988925457, 0.013258973136544228, 0.017043523490428925, 0.003024376928806305, -0.0022201603278517723, -0.020984673872590065, 0.02938898466527462, 0.019249001517891884, 0.03202511742711067, 0.022733397781848907, -0.001941212802194059, -0.029284583404660225, -0.021532781422138214, -0.010492336936295033, -0.00802585482597351, -0.01770908199250698, 0.015059896744787693, -0.02239409275352955, 0.017787382006645203, 0.003986827097833157, -0.012593414634466171, 0.0020717144943773746, 0.003296799259260297, 0.01824413798749447, 0.0005089566693641245, -0.025121578946709633, 0.0023180365096777678, 0.013572176918387413, -0.03583576902747154, 0.005810588598251343, 0.014772793278098106, 0.03152921050786972, -0.010485812090337276, -0.01596035808324814, 0.017552480101585388, 0.015725456178188324, 0.010381410829722881, 0.037923794239759445, 0.0006985919317230582, 0.032729826867580414, 0.0006537319859489799, 0.0202016644179821, 0.023203203454613686, -0.03693198412656784, -0.013272023759782314, -0.020723670721054077, -0.027979565784335136, 0.032938629388809204, -0.011360173113644123, 0.020501818507909775, 0.026152541860938072, 0.007640874944627285, -0.03372164070606232, -0.021115176379680634, 0.025500033050775528, 0.02931068278849125, 0.005069991108030081, -0.006303232163190842, 0.01555580273270607, 0.009657125920057297, -0.046328105032444, -0.025265129283070564, 0.008867590688169003, -0.004388120025396347, -0.014055033214390278, 0.015333950519561768, -0.00549738435074687, 0.009937704540789127, -0.02626999281346798, 0.02038436569273472, -0.009409172460436821, -0.039724718779325485, 0.013102371245622635, 0.013715729117393494, 0.020136412233114243, 0.00679261377081275, -0.006844814401119947, -0.028031766414642334, -0.016508465632796288, 0.013337274082005024, 0.03296472877264023, -0.0012862574076279998, 0.000824607617687434, 0.03594017028808594, -0.01203225739300251, -0.010022531263530254, 0.0022625732235610485, 0.010146507993340492, -0.02384266071021557, -0.038210898637771606, 0.0031809790525585413, 0.01534700021147728, -0.025565283372998238, -0.006665374618023634, 0.004534934181720018, -0.014459588564932346, -0.004671961069107056, -0.021350078284740448, 0.006270607002079487, -0.01887054741382599, 0.004831825383007526, 0.0036736230831593275, -0.009905079379677773, 0.027118254452943802, 0.026230841875076294, 0.0051189293153584, 0.035026658326387405, -0.03338233754038811, -0.04032502695918083, -0.02234189212322235, -0.023894861340522766, 0.017030471935868263, 0.005843213759362698, -0.02703995257616043, 0.01005515642464161, 0.004009664990007877, 0.009996430948376656, -0.012782641686499119, -0.01137322373688221, -0.009768052957952023, 0.009259096346795559, 0.0002756848407443613, 0.002327824244275689, 0.0362272746860981, 0.00420215493068099, -0.0051580797880887985, -0.00523964362218976, 0.03155531361699104, 0.012188859283924103, -0.057629551738500595, 0.044213976711034775, -0.03437414765357971, 0.008012804202735424, -0.01047928724437952, -0.02787516452372074, -0.026217792183160782, 0.048703234642744064, -0.020097263157367706, -0.00048285629600286484, 0.0149032948538661, -0.012195384129881859, 0.013820130378007889, -0.04238695278763771, 0.016508465632796288, -0.007386396639049053, 0.030511299148201942, -0.01729147508740425, 0.0007544629625044763, -0.0053799329325556755, -0.006286919582635164, 0.005774700548499823, -0.03233832120895386, 9.033164678839967e-05, 0.006658849306404591, -0.012221484445035458, 0.02392096258699894, 0.00991813000291586, -0.010831641033291817, -0.01362437754869461, -0.007993229664862156, 0.012045307084918022, -0.003895475994795561, -0.004590397235006094, -0.02938898466527462, -0.010968668386340141, -0.03043299727141857, -0.03411314636468887, 0.021323978900909424, 0.025669684633612633, 0.0016231149202212691, 0.009807202965021133, 0.02454737015068531, 0.03891560807824135, -0.03719298541545868, -0.03969861939549446, 0.009976855479180813, 0.013533026911318302, 0.007810526993125677, 0.00816288124769926, -0.0034713454078882933, 0.015855956822633743, -0.00781705230474472, 0.015399200841784477, -0.01113832090049982, 0.007738750893622637, 0.003335949731990695, -0.026987751945853233, 0.04045552760362625, -0.025695785880088806, 0.0074646975845098495, -0.015803756192326546, 0.008534811437129974, 0.013121946714818478, 0.009839828126132488, 0.013389474712312222, -0.0009135119034908712, 0.04361366853117943, 0.02454737015068531, 0.004087965935468674, 0.018857495859265327, -0.018831396475434303, 0.011249247007071972, -0.001959156943485141, -0.00420215493068099, -0.01735672727227211, 0.027013853192329407, -0.01610391028225422, -0.016260512173175812, 0.029336784034967422, -0.029441185295581818, 0.02205478772521019, 0.010583688504993916, -0.021310929208993912, 0.009722377173602581, -0.03651437535881996, 0.011079594492912292, 0.018961897119879723, -0.017174024134874344, -0.029832689091563225, 0.02054096758365631, 0.02696165256202221, 0.011471100151538849, -0.0074646975845098495, 0.005197230260819197, -0.016978271305561066, 0.03471345454454422, -0.005941090174019337, 0.02081502228975296, 0.007184118963778019, -0.0036344723775982857, 0.041029736399650574, -0.004446845501661301, -0.019614405930042267, -0.021310929208993912, -0.008371684700250626, -0.03497445583343506, 0.03416534513235092, 0.02165023237466812, 0.04982554912567139, -0.010727239772677422, 0.036827582865953445, -0.005053678527474403, 0.03849800303578377, -0.01182345487177372, 0.0019428441300988197, -0.002244629431515932, -0.01700437255203724, -0.0005289397086016834, 0.023542506620287895, -0.0027633735444396734, -0.026400495320558548, 0.01970575749874115, -0.004368544556200504, 0.0037192986346781254, 0.006936165504157543, -0.002813942963257432, 0.019888460636138916, 0.05856916680932045, 0.03244272246956825, 0.011249247007071972, -0.020162513479590416, 0.01791788451373577, 0.03124210797250271, 0.010701139457523823, 0.001251185080036521, 0.008717513643205166, -0.00221200380474329, -0.03962031751871109, 0.032468825578689575, 0.01673031784594059, 0.005056940950453281, -0.007471222430467606, -0.08232047408819199, -0.008808865211904049, 6.550573743879795e-05, 0.0029705450870096684, 0.004329394083470106, 0.009148169308900833, 0.016260512173175812, -0.008084580302238464, 0.016612866893410683, 0.02683115005493164, 0.007908402942121029, -0.04327436536550522, -0.0002442828845232725, -0.029702188447117805, 0.03479175269603729, -0.020136412233114243, 0.0023637120611965656, 0.010733765549957752, 0.0261264406144619, 0.007216744124889374, -0.027118254452943802, -0.009259096346795559, 0.030041491612792015], "da081514-32e3-43c9-a641-fc4961aeb8f1": [0.03010750375688076, -0.01489756815135479, 0.011401445604860783, 0.06516484916210175, 0.025446007028222084, -0.012735017575323582, 0.009503206238150597, 0.017360473051667213, 0.00825373362749815, 0.036114588379859924, 0.039334386587142944, -0.034528717398643494, -0.013948448933660984, -0.012674947269260883, 0.0369555801153183, -0.005469449795782566, 0.004721567966043949, 0.019270725548267365, -0.06622209399938583, 0.03522554039955139, 0.008530058898031712, 0.05199731886386871, 0.026407141238451004, 0.0265272818505764, -0.017048103734850883, -0.012710989452898502, -0.0008439953089691699, -0.007592954207211733, -0.0050309328362345695, -0.0466870553791523, 0.000144639314385131, -0.03195768594741821, -0.016327254474163055, -0.020003588870167732, -0.0095572704449296, 0.014044562354683876, -0.021313132718205452, 0.0239802785217762, 0.04632662981748581, 0.0046134404838085175, -0.007472812198102474, -0.07126804441213608, 0.02554212138056755, 0.0016294214874505997, 0.023175328969955444, 0.05353512987494469, -0.024352718144655228, -0.03688349574804306, -0.03147711977362633, 0.014585199765861034, -0.03940647095441818, 0.028329407796263695, -0.009935717098414898, 0.04281849414110184, -0.006076165474951267, -0.013191556558012962, -0.008235711604356766, -0.005066975019872189, -0.007262564264237881, 0.016399338841438293, -0.01245869230479002, 0.0027257143519818783, -0.016759764403104782, 0.03916618600487709, 0.04596620425581932, 0.0227067768573761, -0.030636128038167953, -0.011731835082173347, -0.03882978856563568, 0.050363391637802124, 0.0880398228764534, 0.056851040571928024, 0.04591814801096916, 0.0005030932952649891, -0.04757610335946083, 0.00970144011080265, -0.019919490441679955, 0.02040005661547184, 0.05795634537935257, -0.019006412476301193, -0.00030598582816310227, -0.05060367286205292, -0.03200574219226837, 0.007484826259315014, -0.02852163463830948, -0.0023292468395084143, -0.07280585914850235, -0.025518091395497322, -0.03746017441153526, -0.0705471932888031, -0.010284127667546272, 0.08554087579250336, -0.013047385960817337, 0.026359083130955696, 0.021541403606534004, 0.011083069257438183, 0.004177927039563656, 0.03782059997320175, 0.000616101548075676, 0.009298966266214848, 0.020964723080396652, -0.03616264462471008, -0.0287859458476305, 0.04111248254776001, 0.024484874680638313, -0.03078029677271843, -0.007064330391585827, 0.013491909950971603, -0.02046012692153454, -0.0023052184842526913, -0.10361018031835556, 0.0030816339422017336, -0.008632179349660873, 0.022202182561159134, 0.06458816677331924, -0.013924420811235905, -0.004262025933712721, -0.043154891580343246, 0.023812079802155495, -0.016939977183938026, -0.022478507831692696, -0.04209764301776886, -0.011137133464217186, 0.01070462353527546, -0.03522554039955139, -0.02198592759668827, -0.008241718634963036, -0.02462904341518879, 0.0037063707131892443, -0.010290134698152542, 0.049065861850976944, -0.006595778279006481, 0.028545662760734558, -0.004340118262916803, 0.030179589986801147, -0.01909051276743412, 0.00856009405106306, 0.00022620425443165004, -0.022911017760634422, -0.04200153052806854, -0.03407217934727669, -0.09034653753042221, 0.009959745220839977, 0.04365948587656021, 0.03169337287545204, -0.05545739829540253, -0.028041066601872444, -0.006577756721526384, -0.018057294189929962, -0.015137851238250732, -0.029050257056951523, 0.004775631707161665, 0.0020213837269693613, 0.013563995249569416, 0.018513832241296768, -0.0323181115090847, 0.023511726409196854, 0.04236195608973503, 0.005250191316008568, 0.039670780301094055, -0.015810644254088402, -0.009383064694702625, -0.010908864438533783, -0.014212760142982006, 0.022166138514876366, -0.01809333637356758, -0.041569020599126816, -0.048993777483701706, -0.016447395086288452, -0.051036182790994644, -0.012951272539794445, -0.02650325372815132, -0.02102479338645935, -0.012578833848237991, 0.011671763844788074, 0.020219843834638596, -0.00287138600833714, -0.03267853707075119, -0.007827229797840118, -0.014717355370521545, 0.010590489022433758, 0.02683965116739273, -0.014501100406050682, -0.04349128529429436, 0.0073646847158670425, -0.06502067297697067, -0.02367992512881756, 0.0067639765329658985, -0.050651732832193375, -0.009725469164550304, -0.021180978044867516, 0.003415027167648077, -0.030924467369914055, -0.10764694213867188, -0.017576728016138077, -0.04978670924901962, 0.038397278636693954, -0.02428063377737999, -0.00332191726192832, 0.0010279621928930283, 0.004295065067708492, 0.015582375228404999, -0.014957638457417488, -0.03536970913410187, -0.021577445790171623, -0.02818523719906807, 0.03075626865029335, -0.018633974716067314, 0.011221232824027538, -0.04106442630290985, 0.0479605570435524, 0.0009386068559251726, 0.037412118166685104, 0.015402163378894329, -0.02367992512881756, 0.014477072283625603, -0.05199731886386871, 0.025421978905797005, -0.024400774389505386, -0.007965393364429474, -0.014200746081769466, 0.00842793844640255, 0.03685946762561798, 0.01655552349984646, -0.0090646892786026, 0.0027602550107985735, 0.055553510785102844, 0.020123731344938278, 0.034216348081827164, -0.015666475519537926, 0.025686290115118027, -0.003979693166911602, 0.010500382632017136, -0.03265450894832611, 0.055169057101011276, -0.01946295239031315, 0.07583342492580414, 0.02554212138056755, -0.05406375601887703, -0.041328735649585724, -0.026599368080496788, 0.05026727914810181, 0.04111248254776001, 0.03597041964530945, 0.005376339890062809, -0.03878173232078552, -0.02681562304496765, -0.04442839324474335, 0.03777254372835159, -0.050363391637802124, 0.017324429005384445, -0.013684136793017387, 0.037388090044260025, -0.04435630887746811, -0.05079590156674385, -0.037676431238651276, 0.019895462319254875, 0.0395025834441185, 0.005343301221728325, -0.018898285925388336, 0.03594639152288437, -0.008085534907877445, 0.010272113606333733, -0.015666475519537926, -0.02914637140929699, 0.013876363635063171, -0.016110999509692192, 0.009893666952848434, 0.02430466189980507, -0.04116053879261017, 0.009923702105879784, 0.02462904341518879, -0.01130533218383789, -0.006613799370825291, -0.09486386924982071, -0.004691532347351313, 1.7235168343177065e-05, -0.03073224052786827, -0.012807102873921394, 0.03623472899198532, -0.01582265831530094, 0.0479605570435524, 0.015762588009238243, 0.014645270071923733, 0.04243404045701027, -0.008337832055985928, 0.012951272539794445, -0.020195815712213516, -0.03166934475302696, 0.011593671515583992, 0.026623396202921867, -0.03407217934727669, -0.029386654496192932, 0.033447444438934326, -0.007977407425642014, -0.016615593805909157, 0.03500928357243538, -0.004634465090930462, -0.015354106202721596, -0.008361861109733582, -0.017288386821746826, 0.018021252006292343, -0.013551981188356876, -0.027055906131863594, 0.002767763799056411, -0.039022017270326614, -0.0003425914910621941, 0.06343480199575424, 0.016255168244242668, -0.06886520981788635, 0.014705341309309006, -0.014477072283625603, 0.03263048082590103, -0.006547721568495035, 0.011569643393158913, -0.05242982879281044, 0.02200995571911335, 0.0015783612616360188, -0.021925855427980423, -0.02717604674398899, -0.029554853215813637, -0.008115570060908794, -0.02650325372815132, -0.041232623159885406, -0.028065096586942673, -0.014453044161200523, 0.019198639318346977, 0.004054781515151262, -0.016735736280679703, 0.010920878499746323, -0.03928632661700249, -0.056130193173885345, 0.027608556672930717, 0.0021370199974626303, -0.04036760330200195, 0.012771060690283775, -0.022166138514876366, -0.007262564264237881, -0.017576728016138077, 0.038733676075935364, -0.009587305597960949, -0.010734658688306808, 0.001733043696731329, -0.0019538039341568947, -0.010350205935537815, -0.002694177208468318, 0.02527780830860138, 0.037364061921834946, -0.023872151970863342, 0.02295907400548458, -0.009665397927165031, 0.03337535634636879, -0.036066532135009766, -0.00591397425159812, 0.02173362858593464, 0.01376823615282774, 0.016062941402196884, -0.027944954112172127, -0.05017116293311119, -0.007713095750659704, -0.05367930233478546, -0.007797194644808769, 0.026695480570197105, 0.04241001233458519, -0.01070462353527546, 0.022574620321393013, -0.06646237522363663, -0.028281351551413536, -0.03227005526423454, 0.0006686635315418243, -0.022850947454571724, -0.02883400209248066, 0.004027749877423048, -0.0025424982886761427, -0.04820084199309349, 0.041641104966402054, 0.03462482988834381, 0.056514643132686615, 0.012350564822554588, 0.03926229849457741, 0.06050334870815277, -0.020796524360775948, -0.02140924707055092, -0.03227005526423454, 0.0505075603723526, 0.025397950783371925, 0.00287138600833714, -0.045509666204452515, -0.003072623396292329, 5.068476821179502e-05, 0.030179589986801147, -0.010272113606333733, -0.001706011826172471, 0.00889649149030447, 0.025181695818901062, -0.024869326502084732, -0.051612865179777145, 0.05478460341691971, 0.00956928450614214, 0.0034270412288606167, 0.023451656103134155, -0.016014885157346725, -0.029002200812101364, 0.00606415094807744, -0.023884166032075882, 0.015930786728858948, -0.0031537190079689026, 0.020303944125771523, 0.022526564076542854, 0.008001435548067093, 0.03858950734138489, 0.0030786304268985987, 0.037099748849868774, -0.024064378812909126, 0.0646362230181694, -0.032173942774534225, 0.04534146934747696, 0.03339938446879387, 0.013323712162673473, -0.07463201135396957, 0.009647376835346222, -0.013672122731804848, -0.03654709830880165, -0.051660921424627304, -0.030948495492339134, 0.011515580117702484, 0.022526564076542854, 0.0030786304268985987, 0.05790828913450241, -0.0739111602306366, 0.005217152182012796, 0.00038633059011772275, -0.027944954112172127, 0.00856009405106306, -0.022142110392451286, -0.011041020043194294, 0.035754162818193436, 0.02072443999350071, 0.0014109137700870633, -0.06410759687423706, -0.018922314047813416, -0.028545662760734558, -0.013972477056086063, -0.022730804979801178, -0.021925855427980423, -0.012374592944979668, 0.008650200441479683, -0.008542072959244251, 0.015306049957871437, 0.0038475370965898037, -0.0055505456402897835, 0.003934639971703291, 0.05882136523723602, 0.04051177203655243, -0.06218533217906952, -0.028353435918688774, -0.003790469840168953, -0.030900439247488976, 0.024701129645109177, -0.03169337287545204, -0.012819116935133934, 0.010127943009138107, 0.03760434314608574, 0.020243871957063675, 0.015666475519537926, 0.019619135186076164, -0.03594639152288437, -0.012662933208048344, -0.0178410392254591, -0.029939305037260056, -0.011041020043194294, 0.012554804794490337, 0.013864349573850632, 0.015245978720486164, -0.027968982234597206, -0.013576009310781956, 0.08001435548067093, 0.020267900079488754, -0.04601426050066948, -0.03558596596121788, 0.015450219623744488, 0.012506748549640179, -0.049017805606126785, 0.0194028802216053, 0.03659515455365181, 0.03241422399878502, 0.0756411999464035, -0.00791132915765047, -0.008385889232158661, 0.010085893794894218, -0.009671404957771301, 0.013948448933660984, 0.008842427283525467, -0.009845610707998276, 0.05795634537935257, -0.003294885391369462, -0.0002196340064983815, -0.026767564937472343, -0.007665039040148258, 0.011281303130090237, -0.02202196978032589, -0.015185908414423466, 0.0044452422298491, 0.038661591708660126, -0.01587071642279625, 0.04930614307522774, 0.06079168990254402, -0.02399229258298874, -0.05074784532189369, -0.008950554765760899, -0.019018428400158882, 0.011119112372398376, -0.011191197670996189, -0.02491738460958004, -0.032221999019384384, -0.019318781793117523, 0.022502535954117775, 0.04880154877901077, -0.008722285740077496, -0.031909629702568054, -0.028353435918688774, 0.028017038479447365, -0.006739947944879532, 0.03171740099787712, -0.024532930925488472, 0.029338598251342773, -0.012686961330473423, 0.011869997717440128, -0.013588023371994495, -0.019174611195921898, 0.0013943943195044994, -0.0011398441856727004, 0.016903933137655258, 0.013672122731804848, 0.030540013685822487, -0.05170897766947746, -0.006535707041621208, -0.009467164054512978, 0.011713813059031963, -0.03169337287545204, 0.021541403606534004, -0.03010750375688076, 0.020652353763580322, -0.03505733981728554, 0.013167527504265308, -0.04012731835246086, 0.004313086159527302, -0.030491957440972328, -0.03294284641742706, -0.012422649189829826, 0.007941365242004395, 0.012350564822554588, 0.04457256197929382, -0.018706059083342552, 0.03943049907684326, 0.0031236836221069098, 0.008752320893108845, -0.0069081466645002365, 0.02691173553466797, -0.0018411711789667606, -0.007442777045071125, 0.0076530249789357185, 0.007148429751396179, -0.005974045023322105, -0.00023765525838825852, 0.04279446601867676, -0.0025650248862802982, 0.011149147525429726, 0.003072623396292329, 0.03010750375688076, 0.03073224052786827, -0.008584123104810715, -0.03332730010151863, -0.03748420253396034, 0.04930614307522774, -0.009935717098414898, -0.05497683212161064, -0.010398262180387974, 0.01440498698502779, 0.018309591338038445, -0.01554633304476738, -0.01487354002892971, -0.014080604538321495, 0.03882978856563568, -0.008800378069281578, -0.0023848123382776976, 0.03796476870775223, 0.01809333637356758, -0.015654459595680237, -0.007070337887853384, 0.02494141273200512, 0.0021940874867141247, 0.04440436512231827, 0.04248209670186043, 0.030347786843776703, 0.001979334047064185, -0.04817681387066841, 0.006824047304689884, -0.001326063764281571, -0.005490474868565798, -0.004313086159527302, -0.012999329715967178, -0.008632179349660873, -0.026094771921634674, 0.005478460341691971, -0.003120680106803775, 0.015714531764388084, -0.013491909950971603, 0.009629355743527412, -0.005394361447542906, 0.022190168499946594, -0.041857361793518066, 0.02880997397005558, -0.01808132231235504, -0.013323712162673473, 0.04183333367109299, 0.0031807508785277605, 0.020183801651000977, 0.004403192549943924, 0.07006662338972092, 0.01069260947406292, 0.05834079906344414, 0.005229166708886623, -0.016435381025075912, 0.018658002838492393, 0.039334386587142944, 0.0006104698986746371, -0.021289104595780373, -0.045461609959602356, 0.004228987265378237, -0.005235173739492893, -0.029963335022330284, 0.0021280094515532255, -0.007298606913536787, 0.011071055196225643, 0.032197970896959305, -0.005718743894249201, 0.027055906131863594, -0.016615593805909157, -0.01439297292381525, -0.014813468791544437, -0.03424037620425224, 0.0009626352111808956, 0.0012149327667430043, 0.043226975947618484, 0.005490474868565798, -0.0229951161891222, 0.02110889181494713, 0.011431480757892132, -0.03923827037215233, 0.03407217934727669, 0.04111248254776001, 0.04116053879261017, -0.04111248254776001, 0.02334352768957615, -0.01135338842868805, 0.018982384353876114, 0.011010984890162945, -0.04070400074124336, -0.018597932532429695, -0.02234635129570961, -0.0024869327899068594, 0.012110280804336071, -0.01311947125941515, 0.021529387682676315, 0.004586408380419016, 0.022082040086388588, -0.005856906529515982, 0.020327972248196602, -0.012236429378390312, -0.027680642902851105, 0.026431169360876083, 0.01310745719820261, -0.017360473051667213, -0.021949883550405502, 0.00387757271528244, 0.015594389289617538, -0.02367992512881756, 0.004108845256268978, 0.034192319959402084, 0.0355619378387928, -0.005862914025783539, -0.005956023465842009, 0.0022886989172548056, 0.01489756815135479, 0.013419825583696365, 0.07141221314668655, 0.013179541565477848, -0.028689833357930183, -0.006962210405617952, 0.009749497286975384, -0.0022061015479266644, -0.0005440165405161679, -0.017672840505838394, -0.0009205855894833803, 0.003790469840168953, -0.012224415317177773, -0.01775694079697132, 0.009977766312658787, -0.0711238756775856, -0.03628278523683548, -0.025421978905797005, 0.00752086890861392, -0.0177809689193964, -0.0262389425188303, -0.000977652845904231, -0.010392255149781704, 0.038997989147901535, 0.019234683364629745, 0.0009558772435411811, -0.031308919191360474, 0.03724392130970955, 0.006052136886864901, 0.015378134325146675, -0.012963286601006985, 0.0035441794898360968, -0.02197391353547573, -0.017624784260988235, 0.03277464956045151, -0.009851617738604546, 0.022178154438734055, 0.04558175057172775, -0.030900439247488976, -0.03791671246290207, 0.01718026027083397, -0.0017495631473138928, -0.025662261992692947, 0.02917039953172207, -0.05603407695889473, 0.02619088627398014, -0.04183333367109299, 0.010980949737131596, -0.008740306831896305, -0.009725469164550304, -0.012939258478581905, 0.0216615442186594, -0.023163314908742905, 0.0046945358626544476, -0.015606404282152653, -0.030275702476501465, 0.02007567510008812, -0.027127990499138832, -0.014453044161200523, 0.005565563216805458, 0.02556614950299263, -0.0278007835149765, -0.01847779005765915, 0.01782902516424656, -0.004910790827125311, 0.01585870049893856, -0.019571078941226006, 0.009737483225762844, -0.035730134695768356, 0.024160491302609444, 0.03303896263241768, -0.01310745719820261, 0.00890249852091074, -0.01651948131620884, -0.05060367286205292, 0.037724487483501434, -0.007322635035961866, 0.05545739829540253, -0.0434432290494442, 0.012260458432137966, 0.0032498324289917946, -0.006265388336032629, -0.006595778279006481, -0.024460844695568085, -0.012747031636536121, -0.005535527598112822, 0.028233293443918228, 0.015486261807382107, -0.014056576415896416, 0.012927244417369366, 0.03275062143802643, -0.022514550015330315, -0.018826201558113098, -0.01779298298060894, 0.031837545335292816, -0.028882058337330818, -0.03697960823774338, -0.018213478848338127, -0.04067997261881828, -0.02259865030646324, -0.0037273955531418324, 0.020015602931380272, -0.012530776672065258, -0.002560519380494952, 0.03140503540635109, -0.041953474283218384, -0.0021430272608995438, -0.003886583261191845, -0.006331466604024172, 0.023451656103134155, 0.011371409520506859, -0.012098266743123531, -0.01584668643772602, -0.03135697916150093, 0.01907849870622158, -0.008800378069281578, 0.0190544705837965, 0.0038205052260309458, -0.0550248883664608, 0.012398621067404747, 0.008662214502692223, 0.004024746362119913, -0.007472812198102474, 0.0440199114382267, -0.025397950783371925, 0.0060190982185304165, -0.023439642041921616, -0.007677053101360798, -0.02003963105380535, 0.005784821696579456, 0.009335008449852467, 0.0025169681757688522, 0.029963335022330284, -0.05060367286205292, -0.025494063273072243, -0.017408529296517372, 0.03491317108273506, -0.020255886018276215, -0.028906088322401047, -0.0023637874983251095, 0.008475995622575283, -0.02073645405471325, 0.016050927340984344, -0.0427464097738266, 0.019979560747742653, 0.027993010357022285, -0.007046309299767017, -0.017264358699321747, -0.033159103244543076, -0.02885803021490574, -0.009857624769210815, -0.0014604722382500768, -0.03560999408364296, 0.01454915665090084, -0.008325817994773388, 0.0369555801153183, -0.007388713303953409, 0.0022061015479266644, -0.021853771060705185, 0.023451656103134155, 0.009995787404477596, -0.011659749783575535, -0.0006630318821407855, -0.0076530249789357185, 0.029050257056951523, 0.023487698286771774, -0.0024674097076058388, -0.02400430664420128, 0.005760793574154377, -0.01714421808719635, 0.0200997032225132, -0.005889945663511753, -0.0065717496909201145, 0.03697960823774338, 0.017684854567050934, -0.00044264699681662023, -0.03438454866409302, -0.01135939545929432, 0.0023457661736756563, -0.006043126340955496, 0.029626937583088875, 0.003925629425793886, 0.04945031553506851, -0.0022436457220464945, -0.03919021412730217, 0.04603829234838486, 0.0041899411007761955, -0.02626297064125538, 0.044836875051259995, 0.03592235967516899, -0.0058268713764846325, -0.014152689836919308, 0.0375322587788105, 0.012963286601006985, 0.02400430664420128, -0.0011638725409284234, 0.055553510785102844, 0.006307438015937805, -0.006259381305426359, -0.018561888486146927, -0.02396826446056366, 0.0001875336456578225, -0.01309544313699007, 0.00889649149030447, -0.016459409147500992, -0.0002834592596627772, -0.009166809730231762, -0.004084817133843899, 0.010446318425238132, -0.010314162820577621, 0.0103381909430027, 0.06377120316028595, 0.006040122825652361, 0.034192319959402084, -0.008554087020456791, 0.025470035150647163, 0.00908271037042141, 0.012879188172519207, 0.0014612231170758605, 0.01809333637356758, 3.60190388164483e-05, -0.0071244016289711, 0.011419466696679592, -0.00211148988455534, -0.020952709019184113, 0.016976019367575645, 0.011149147525429726, -0.03517748415470123, 0.06771185249090195, 0.03697960823774338, 0.02820926532149315, 0.016303226351737976, -0.02587851695716381, 0.024136463180184364, 0.03400009498000145, 0.012662933208048344, 0.01134738139808178, -0.019979560747742653, 0.0041929446160793304, -0.029963335022330284, -0.018033266067504883, 0.008656207472085953, -0.034216348081827164, 0.008584123104810715, 0.019210653379559517, -0.014525128528475761, -0.03911812976002693, 0.0001726097980281338, 0.015714531764388084, 0.030011391267180443, -0.0018066305201500654, -0.062377557158470154, 0.009725469164550304, -0.028089124709367752, 0.002003362402319908, -0.014308873564004898, -0.004406196065247059, -0.00954525638371706, 0.009298966266214848, 0.023752009496092796, 0.014080604538321495, -0.0063915373757481575, -0.012831130996346474, -0.012374592944979668, 0.008950554765760899, 0.026094771921634674, 0.04642274230718613, -0.007803202141076326, 0.01689191907644272, -0.02979513630270958, -0.0069441888481378555, -0.04394782707095146, 0.019595107063651085, -0.026791593059897423, 0.020171787589788437, 0.007466805167496204, 0.012999329715967178, 0.03947855532169342, -0.023415612056851387, -0.009911688044667244, 0.016086971387267113, 0.027656614780426025, -0.040896225720644, 0.009839603677392006, 0.02816120907664299, 0.004529341123998165, -0.026431169360876083, 0.01881418749690056, 0.0012667437549680471, 0.007424755487591028, 0.023427626118063927, -0.005526517052203417, 0.02491738460958004, 0.006034115795046091, 0.05209343135356903, 0.006974224466830492, 0.0414729081094265, 0.012566819787025452, 0.01687990501523018, -0.004787645768374205, 0.010752679780125618, -0.008950554765760899, -0.007376698777079582, 0.026286998763680458, 0.015666475519537926, -0.027993010357022285, -0.02204599790275097, -0.0017525666626170278, -0.0447167307138443, 0.0018111357931047678, -0.004628458060324192, -0.00907670333981514, -0.028930116444826126, -0.02948276698589325, 0.010410276241600513, 0.01715623214840889, 0.018682030960917473, -0.02430466189980507, 0.0137562220916152, -0.0010625029681250453, 0.002791792154312134, -0.01678379252552986, 0.012110280804336071, -0.015714531764388084, 0.02556614950299263, -0.025710318237543106, 0.010662573389708996, -0.01328766904771328, -0.009022640064358711, -0.05142063647508621, -0.022814905270934105, -0.01147953700274229, -0.0010114427423104644, -0.01714421808719635, 0.008295782841742039, -0.010494375601410866, 0.02847357839345932, -0.016964005306363106, -0.01689191907644272, -0.017324429005384445, -0.036066532135009766, 0.004550366196781397, -0.0004877001338172704, 0.022466493770480156, -0.006649842020124197, 0.0022166138514876366, 0.0022571617737412453, 0.023535754531621933, 0.022562606260180473, 0.0032017757184803486, 0.016339268535375595, 0.01687990501523018, -0.03436052054166794, -0.0027947956696152687, -0.013708164915442467, -0.005244184285402298, 0.002303716726601124, -0.0229350458830595, -0.013696150854229927, 0.01841771975159645, -0.010254092514514923, 0.012200387194752693, 0.0067159198224544525, -0.01678379252552986, 0.026719508692622185, 0.028233293443918228, -0.03464885801076889, -0.007148429751396179, -0.0036733318120241165, 0.03229408338665962, 0.0005894451169297099, 0.004042767453938723, 0.008313803933560848, -0.0013591026654466987, -0.0021550413221120834, 0.006163267884403467, 0.025133639574050903, 0.013371768407523632, -0.00825373362749815, 0.0012457190314307809, 0.006565742660313845, 0.014609227888286114, -0.042241815477609634, -0.022899003699421883, 0.013996505178511143, 0.02101277932524681, 0.029699021950364113, -0.01147953700274229, 0.010596496053040028, -0.0400792621076107, 0.0142488032579422, -0.027993010357022285, -0.012362578883767128, 0.01647142320871353, 0.006950195878744125, -0.017420543357729912, -0.0042259832844138145, 0.003436052007600665, -0.017901109531521797, -0.018934328109025955, -0.015570361167192459, -0.030275702476501465, 0.013624066486954689, 0.017336444929242134, 0.0024974450934678316, -0.0004569138109218329, -0.028665803372859955, -0.016098985448479652, 0.024196533486247063, 0.020195815712213516, 0.03652307018637657, -0.016074955463409424, -0.015306049957871437, 0.017612770199775696, 0.03205379843711853, 0.008776349946856499, 0.010386248119175434, 0.007899315096437931, 0.0119901392608881, 0.014513114467263222, 0.015161879360675812, 0.010656566359102726, -0.013383782468736172, -0.018922314047813416, -8.489698666380718e-05, 0.03988703712821007, -0.0026446187403053045, -0.00452633760869503, 0.0005485218716785312, 0.010524410754442215, 0.0029149374458938837, 0.027127990499138832, 0.02104882150888443, -0.02520572394132614, -0.008361861109733582, -0.020580269396305084, 0.020135745406150818, 0.020135745406150818, 0.012080245651304722, -0.002973506459966302, -0.016303226351737976, -0.026479225605726242, 0.027368273586034775, -0.009262923151254654, 0.015570361167192459, -0.011581657454371452, -0.014296859502792358, -0.008385889232158661, -0.023511726409196854, -0.010944906622171402, -0.0073166280053555965, -0.0023547769524157047, -0.0024148477241396904, -0.01743255741894245, 0.013047385960817337, -0.010506389662623405, 2.545971074141562e-05, 0.01182794850319624, -0.021132921800017357, 0.006842068396508694, -0.002764760283753276, -9.996163134928793e-05, -0.006175282411277294, 0.06992245465517044, -0.0021280094515532255, 0.028954144567251205, 0.008373875170946121, 0.029867220669984818, -0.018189450725913048, 0.0005000897217541933, 0.019979560747742653, -0.0348651148378849, -0.0368354395031929, 0.022814905270934105, 0.002290200674906373, -0.04036760330200195, 0.03277464956045151, -0.03248630836606026, -0.007154436782002449, -0.03762837499380112, 0.024076392874121666, -0.03601847589015961, -0.009491192176938057, -0.018213478848338127, 0.03719586506485939, 0.00034803542075678706, 0.015173893421888351, 0.009190837852656841, -0.009641369804739952, 0.020159773528575897, -0.006283409893512726, 0.014453044161200523, 0.014188732020556927, 0.011809926480054855, 0.028329407796263695, 0.020604297518730164, -0.014933610334992409, -0.002854866674169898, -0.014044562354683876, 0.020195815712213516, -0.0015618418110534549, -0.008217690512537956, -0.00844595953822136, -0.010920878499746323, 0.02325942926108837, 0.023139286786317825, -0.009130767546594143, 0.008788364008069038, -0.003240821650251746, -0.022178154438734055, -0.012566819787025452, 0.01876612938940525, -0.021601473912596703, 0.012795088812708855, -0.007586946710944176, -0.013419825583696365, -0.004973865579813719, 0.010242077521979809, -0.029026228934526443, -0.010776708833873272, 0.019330795854330063, 0.05795634537935257, 0.02784884162247181, -0.021613487973809242, -0.014008519239723682, 0.003484108718112111, -0.001344835851341486, 0.018609946593642235, -0.004880755674093962, -0.015606404282152653, 0.012254451401531696, -0.023055188357830048, -0.04012731835246086, -0.010788722895085812, 0.011575650423765182, -0.016291212290525436, -0.028569690883159637, -0.01182794850319624, 0.0002423482947051525, -0.0031897614244371653, -0.006493657827377319, -0.023715967312455177, -0.004496302455663681, 0.022382395341992378, -0.020496170967817307, -0.0181293785572052, -0.012795088812708855, 0.023391583934426308, -0.028665803372859955, 0.01197812519967556, 0.007935358211398125, 0.01684386283159256, -0.0011353387963026762, -0.015666475519537926, 0.021505359560251236, 0.042241815477609634, 0.008127584122121334, -0.028665803372859955, -0.0008950554765760899, 0.0032828713301569223, -0.007142422720789909, -0.005805846769362688, -0.020243871957063675, 0.009767518378794193, 0.010542431846261024, 0.03517748415470123, 0.01906648464500904, 0.007430762518197298, -0.026022687554359436, 0.008938540704548359, -0.020448112860322, -0.0142488032579422, -0.024989468976855278, 0.014032548293471336, -0.021277090534567833, 0.0014371947618201375, 0.014825482852756977, -0.016903933137655258, 0.0077491383999586105, -0.0068781110458076, -0.012723003514111042, -0.0051120282150805, -0.007022281177341938, 0.004415206611156464, 0.013419825583696365, -0.03719586506485939, 0.0007302361191250384, 0.020940694957971573, 0.04570189490914345, 0.015245978720486164, -0.013503924943506718, 0.0203880425542593, 0.023487698286771774, 0.028281351551413536, 0.034744974225759506, 0.016771778464317322, 0.041593048721551895, -0.008812392130494118, -0.00025135892792604864, 0.034456633031368256, -0.027055906131863594, 0.002164051868021488, -0.0200997032225132, -0.030612099915742874, 0.033855926245450974, -0.0030756269115954638, 0.011035013012588024, 0.035489849746227264, 0.003514144103974104, -0.039694808423519135, -0.03746017441153526, 0.017264358699321747, 0.027608556672930717, -0.00509400712326169, 0.03037181682884693, 0.016050927340984344, 0.02262267842888832, -0.04433227702975273, -0.029530825093388557, 0.02530183643102646, -0.01134738139808178, -0.004955844022333622, 0.02650325372815132, -0.0177809689193964, -0.0040968311950564384, -0.024196533486247063, 0.017228316515684128, 0.00890850555151701, -0.025397950783371925, 0.021265076473355293, 0.004607433453202248, 0.025157667696475983, 0.0025905549991875887, 0.005811853799968958, -0.017264358699321747, -0.0049858796410262585, 0.002761756768450141, 0.021805714815855026, 0.00035216528340242803, -0.004547362681478262, 0.032894790172576904, 0.005316269118338823, -0.0072205145843327045, 0.012518762610852718, 0.016651635989546776, -0.013576009310781956, -0.0335916131734848, 0.015342092141509056, 0.02691173553466797, -0.01390039175748825, -0.0067159198224544525, -0.003901601070538163, -0.01441700104624033, 0.0022856954019516706, -0.01873008720576763, 0.011077062226831913, -0.00010887839744100347, 0.0036162645556032658, 0.006409558467566967, -0.00542139308527112, 0.037412118166685104, 0.03438454866409302, 0.023703953251242638, 0.04567786678671837, -0.026959791779518127, -0.0445965901017189, -0.030636128038167953, -0.01583467237651348, 0.01262689009308815, 0.008175641298294067, -0.026094771921634674, 0.01649545133113861, 0.000870276300702244, 0.0029960330575704575, -0.004126866813749075, 0.03623472899198532, 0.008572109043598175, 0.007352670654654503, -0.004919801838696003, 0.0036523069720715284, 0.01845376193523407, -0.002683664672076702, -4.460729178390466e-05, -0.0008725289371795952, 0.01327565498650074, 0.021205006167292595, -0.05276622623205185, 0.062377557158470154, -0.026022687554359436, 0.007995428517460823, -0.003907607868313789, -0.022923031821846962, -0.02844954840838909, 0.04327503219246864, -0.01504173781722784, 0.002380307065322995, -0.003045591525733471, -0.009737483225762844, 0.0021490342915058136, -0.04392379894852638, 0.008824406191706657, -0.030852383002638817, 0.0061993105337023735, -0.03178948909044266, -0.002922446234151721, -0.00016801062156446278, 0.0027422336861491203, 0.02491738460958004, -0.020291930064558983, -0.002311225514858961, -0.005613619927316904, -0.011509573087096214, 0.018982384353876114, 0.011065048165619373, -0.004228987265378237, -0.028906088322401047, -0.01069861650466919, 0.012074238620698452, 0.0076530249789357185, -0.00598906259983778, -0.019258711487054825, -0.00019616882491391152, -0.011053034104406834, -0.019967546686530113, 0.007166450843214989, 0.03433649241924286, 0.0056346445344388485, -0.003856547875329852, 0.004493298940360546, 0.03721989318728447, -0.03758031502366066, -0.06213727593421936, 0.009839603677392006, -0.009353029541671276, 0.0045173270627856255, 0.01391240581870079, 0.019174611195921898, 0.005670687183737755, 0.005514502990990877, 0.014308873564004898, 0.0014401983935385942, 0.024076392874121666, -0.016074955463409424, -0.02883400209248066, 0.05862914025783539, -0.03508136793971062, 0.016591565683484077, -0.004808670841157436, 0.0022977094631642103, 0.016062941402196884, 0.01752866990864277, 0.004177927039563656, 0.0006040873704478145, 0.013371768407523632, 0.02943471074104309, 0.0073166280053555965, 0.03589833155274391, -0.02688770741224289, -0.006769983563572168, -0.0021760661620646715, -0.003988703712821007, -0.025013497099280357, 0.03236616775393486, -0.018537860363721848, -0.018958356231451035, 0.026791593059897423, -0.0036072537768632174, 0.027584528550505638, 0.020472140982747078, -0.019667193293571472, 0.02494141273200512, -0.03332730010151863, 0.002064935164526105, 0.01134137436747551, -0.022238224744796753, -0.02366791106760502, 0.007490833755582571, 0.016363296657800674, 0.02782481163740158, -0.025373922660946846, -0.00387757271528244, 0.004796656314283609, 0.034168291836977005, -0.0037964771036058664, 0.02133716270327568, 0.008475995622575283, 0.00025623966939747334, 0.04846515133976936, 0.004250011872500181, -0.005508495960384607, -0.015101809054613113, 0.004625454545021057, -0.036715295165777206, 0.030155561864376068, 0.023764023557305336, 0.06708711385726929, 0.0032288075890392065, 0.03111669421195984, -0.00049558439059183, 0.035778190940618515, -0.0004873246653005481, -0.011065048165619373, 0.013563995249569416, -0.014080604538321495, -0.0063915373757481575, 0.026983819901943207, -0.0026851664297282696, -0.006565742660313845, -0.00035366707015782595, 0.00387757271528244, -0.0077851805835962296, 0.008998611941933632, 0.005712736863642931, 0.01504173781722784, 0.044500477612018585, 0.014849510975182056, 0.015978842973709106, -0.029386654496192932, 0.006106200627982616, 0.05209343135356903, 0.003991707228124142, 0.0034540733322501183, 0.006745954975485802, -0.02139723300933838, -0.03332730010151863, 0.03457677364349365, 0.004171919543296099, -0.009923702105879784, -0.012530776672065258, -0.07530480623245239, 0.0047065503895282745, 0.008187655359506607, 0.013179541565477848, 0.020532213151454926, 0.008019456639885902, 0.018381675705313683, -0.015954814851284027, 0.03402412310242653, 0.01847779005765915, 0.021901827305555344, -0.05761994794011116, -0.004580401349812746, -0.044164080172777176, 0.034120235592126846, 0.00021156198636163026, 0.008656207472085953, 0.005859910510480404, 0.03109266608953476, 0.016435381025075912, -0.008163627237081528, -0.004183934070169926, 0.01016999315470457], "29bf10fc-248f-4095-9e35-4f679dfebc96": [0.03645677492022514, 0.001938265166245401, 0.013455428183078766, 0.0631277859210968, 0.029309328645467758, -0.009252105839550495, 0.006943576503545046, 0.005123735871165991, 0.022173874080181122, 0.027318596839904785, 0.03648075833916664, -0.03923900052905083, -0.005435537081211805, -0.006005174480378628, 0.044515639543533325, -0.012040329165756702, 0.018720073625445366, 0.017508845776319504, -0.06024961546063423, 0.03672060742974281, 0.019007891416549683, 0.06394326686859131, 0.05823490023612976, 0.018732067197561264, -0.025375833734869957, -0.020494943484663963, 0.011524657718837261, 0.007447255775332451, -0.018624134361743927, -0.029597144573926926, 0.02875768020749092, -0.03281109780073166, -0.009935670532286167, -0.032331403344869614, -0.009587892331182957, 0.013695275411009789, -0.005366581026464701, 0.01737692952156067, 0.03794382885098457, 0.013671290129423141, 0.0157819464802742, -0.05665190890431404, 0.02350502647459507, -0.004925861954689026, 0.0333147756755352, 0.05842677876353264, -0.012651939876377583, -0.03499370813369751, -0.043100543320178986, 0.0006086122593842447, -0.06567016243934631, 0.03007683902978897, 0.0020806745160371065, 0.026862885802984238, -0.028997527435421944, -0.01622566394507885, -0.00912618637084961, -0.00863449927419424, -0.00132140819914639, -0.0025019061286002398, -0.0077050914987921715, -0.010367395356297493, -0.00041785879875533283, 0.022701537236571312, 0.04614660143852234, 0.017233021557331085, -0.016705358400940895, 0.0018408272881060839, -0.038999155163764954, 0.028277985751628876, 0.07828612625598907, 0.035929109901189804, 0.04317249730229378, 0.0027357570361346006, -0.050032127648591995, 0.012723893858492374, -0.020914675667881966, 0.019139807671308517, 0.0605374351143837, -0.028038138523697853, 0.0019577527418732643, -0.02849384769797325, -0.013227573595941067, 0.005591437686234713, -0.022149888798594475, 0.0051836976781487465, -0.07209806889295578, -0.0033248818945139647, -0.029165420681238174, -0.06451889872550964, -0.017352944239974022, 0.061544790863990784, -0.0315878763794899, 0.01904386840760708, 0.03463393449783325, 0.0066797444596886635, 0.01963149383664131, 0.04993618652224541, 0.008460610173642635, 0.022065943107008934, 0.025567712262272835, -0.05238262936472893, -0.01764076203107834, 0.031971633434295654, 0.027150703594088554, -0.03612098842859268, 0.0029246369376778603, 0.008040877059102058, -0.0035977079533040524, 0.006266008131206036, -0.08744829148054123, -0.01183645986020565, -0.0012382111744955182, 0.00994766317307949, 0.06480671465396881, -0.024536369368433952, -0.006014168728142977, -0.035905126482248306, 0.005804302170872688, -0.02551974169909954, -0.0025408812798559666, -0.03132404386997223, 0.014798572286963463, 0.013971099629998207, -0.03549738600850105, -0.01939164660871029, -0.006409916561096907, -0.034849800169467926, -0.02158624865114689, -0.015997808426618576, 0.03300297632813454, 0.0018363301642239094, 0.04868898168206215, -0.0116205969825387, 0.034585967659950256, -0.007285358849912882, 0.005609426647424698, -0.005420546978712082, -0.03165983036160469, -0.04063011705875397, -0.041613489389419556, -0.09003864228725433, 0.00765112554654479, 0.0412057489156723, 0.04307655617594719, -0.07089883089065552, -0.008946300484240055, -0.0014945479342713952, -0.0069855498149991035, -0.012052321806550026, -0.035737231373786926, 0.0054895030334591866, 0.00846660602837801, 0.013623321428894997, 0.0271986722946167, -0.05190293490886688, 0.0324753113090992, 0.04365219175815582, 0.0118484515696764, 0.04017440602183342, -0.020207127556204796, -0.007033518981188536, -0.002044697292149067, -0.016885243356227875, 0.022029966115951538, -0.019955286756157875, -0.02164621092379093, -0.0447554886341095, -0.004479146562516689, -0.038207657635211945, -0.00982773955911398, -0.02201797254383564, -0.03638482093811035, -0.016021793708205223, -0.01012754812836647, 0.014414817094802856, -0.00015524485206697136, -0.04113379493355751, -0.005909235216677189, -0.03453799709677696, -0.0012914272956550121, 0.023972727358341217, -0.031156152486801147, -0.025279894471168518, 0.010805116035044193, -0.043556250631809235, -0.01355136651545763, 0.0015680011129006743, -0.040126435458660126, -0.018804021179676056, -0.013719259761273861, 0.008034881204366684, -0.0031929658725857735, -0.11790888756513596, -0.016273632645606995, -0.04533112049102783, 0.0377279631793499, -0.03979065269231796, 0.0028451874386519194, -0.00311501557007432, 0.026191314682364464, 0.028805648908019066, -0.00040211883606389165, -0.013503397814929485, -0.015757961198687553, -0.010607242584228516, 0.04230904579162598, -0.01175850909203291, -0.0004916867474094033, -0.04516322910785675, 0.034514013677835464, 0.006619782652705908, 0.042668815702199936, 0.02799016796052456, -0.007261374033987522, 0.023876788094639778, -0.04516322910785675, 0.01411500759422779, -0.016117731109261513, -0.004023436922580004, -0.0285178329795599, 0.029237374663352966, 0.0429566353559494, 0.01675332710146904, -0.021946018561720848, -0.0013289033668115735, 0.03444205969572067, 0.037392180413007736, 0.02182609587907791, -0.023876788094639778, 0.033338762819767, -0.002124146791175008, 0.003207956440746784, -0.0298130065202713, 0.053294047713279724, -0.02736656554043293, 0.06456686556339264, 0.027294611558318138, -0.048377182334661484, -0.041877321898937225, -0.014354854822158813, 0.046722233295440674, 0.040486209094524384, 0.015014435164630413, 0.007663118187338114, -0.021634217351675034, -0.018288349732756615, -0.021970003843307495, 0.04089394956827164, -0.03921501711010933, 0.007777045480906963, 0.008370667695999146, 0.034082286059856415, -0.03386642411351204, -0.05031994357705116, -0.03439408913254738, 0.03053254820406437, 0.03314688429236412, 0.01587788388133049, -0.015422174707055092, 0.02974105253815651, -0.018636127933859825, 0.019103828817605972, -0.03314688429236412, -0.031348031014204025, 0.014270908199250698, -0.010325422510504723, 0.02176613360643387, 0.022077934816479683, -0.037320226430892944, 0.006445893552154303, 0.029093464836478233, -0.008082850836217403, -0.008622506633400917, -0.08102038502693176, -0.008214767090976238, 0.019367661327123642, -0.04420384019613266, -0.008826376870274544, 0.03000488504767418, -0.02165820263326168, 0.029884960502386093, 0.01192640233784914, 0.003507765242829919, 0.03377048671245575, -0.02060287445783615, 0.0011115418747067451, -0.0018588157836347818, -0.023792842403054237, 0.007033518981188536, 0.01755681447684765, -0.055836427956819534, -0.019955286756157875, 0.0359530970454216, 0.004410190507769585, -0.010199502110481262, 0.03273914381861687, -0.019235745072364807, -0.024452421814203262, -0.004239299334585667, -0.0020132174249738455, 0.01753283105790615, -0.00781302247196436, -0.016117731109261513, 0.0184322576969862, -0.044179853051900864, -0.0004422182682901621, 0.07147446274757385, -0.004383207764476538, -0.060825251042842865, -0.009330056607723236, -0.01166256982833147, 0.02429652214050293, -0.0007240387494675815, 0.011044963262975216, -0.05852271616458893, 0.016633402556180954, 0.0039035133086144924, -0.015134358778595924, -0.024944109842181206, -0.013803206384181976, -0.010655212216079235, -0.02858978696167469, -0.0333147756755352, -0.021514294669032097, -0.019859347492456436, 0.005555460695177317, -0.0002733883447945118, -0.01858815737068653, 0.0013881156919524074, -0.03552136942744255, -0.055212825536727905, 0.042932648211717606, -0.0002104284503730014, -0.06274402886629105, 0.023924758657813072, -0.03350665420293808, 0.00907821673899889, -0.014019069261848927, 0.038015782833099365, -0.023924758657813072, -0.0001978739455807954, -0.015386197715997696, -0.020650845021009445, -0.006439897231757641, 0.001507289707660675, 0.03614497184753418, 0.03588114306330681, -0.01946360059082508, 0.02000325731933117, 0.004428179003298283, 0.02164621092379093, -0.06072930991649628, -0.0019517566543072462, 0.023744873702526093, 0.00837666355073452, 0.0025768582709133625, -0.050991516560316086, -0.05137526988983154, -0.02650311589241028, -0.05166308581829071, -0.017221029847860336, 0.01091904379427433, 0.04876093566417694, 0.0020222116727381945, 0.01772470772266388, -0.07070695608854294, -0.023349124938249588, -0.023732880130410194, 0.0032499295193701982, -0.005600432399660349, -0.03523355349898338, 0.00802288856357336, 0.0003931245591957122, -0.033650562167167664, 0.03516159951686859, 0.02132241614162922, 0.0482572577893734, 0.009791761636734009, 0.02772633731365204, 0.07176228612661362, -0.004434175323694944, -0.028805648908019066, -0.016693364828824997, 0.051183391362428665, 0.01439083181321621, 0.005015804432332516, -0.04072605445981026, 0.0009923677425831556, 0.010151532478630543, 0.018816012889146805, -0.013731252402067184, 0.012238203547894955, 0.0031869697850197554, 0.004886886570602655, -0.023373110219836235, -0.03974268212914467, 0.036792561411857605, -0.008280724287033081, -0.0030220746994018555, 0.028445878997445107, -0.0022785484325140715, -0.032163508236408234, 0.0031569888815283775, -0.029932931065559387, -0.005762328859418631, -0.007339324336498976, 0.02368491142988205, 0.02069881372153759, 0.014354854822158813, 0.049264613538980484, 0.012004352174699306, 0.029189404100179672, -0.018024517223238945, 0.06260012090206146, -0.03163584694266319, 0.044179853051900864, 0.024320505559444427, 0.00017510719771962613, -0.06283996999263763, 0.015506121329963207, -0.001749385497532785, -0.025855528190732002, -0.05036791414022446, -0.022257819771766663, 0.013719259761273861, 0.02018314227461815, -0.016813289374113083, 0.06591001152992249, -0.06379935890436172, 0.011290807276964188, -0.0009009260684251785, -0.03261921927332878, 0.018312333151698112, -0.014186961576342583, 0.012376115657389164, 0.03693646937608719, 0.03657669946551323, 0.004023436922580004, -0.06461483985185623, -0.01815643347799778, -0.02378085069358349, 0.0009563906933180988, -0.025831542909145355, -0.030316686257719994, 0.0012014845851808786, 0.020051226019859314, -0.01867210492491722, 0.004182335454970598, 0.0005812547169625759, -0.006083124782890081, 0.013947115279734135, 0.04873695224523544, 0.03979065269231796, -0.0604894645512104, -0.013683282770216465, -0.00324393343180418, -0.02518395707011223, 0.017592791467905045, -0.030028870329260826, -0.003615696681663394, 0.018108462914824486, 0.0640392005443573, 0.016813289374113083, 0.010109559632837772, 0.039167046546936035, -0.04569089040160179, -0.022401729598641396, -0.041781384497880936, -0.013275542296469212, -0.014127000235021114, 0.016441525891423225, 0.00648786686360836, 0.02386479638516903, -0.02358897216618061, -0.013875160366296768, 0.07574374973773956, 0.03794382885098457, -0.053629834204912186, -0.035569339990615845, 0.01937965303659439, 0.03189967945218086, -0.057419419288635254, 0.008472602814435959, 0.04979227855801582, 0.015038419514894485, 0.07838206738233566, -0.008442621678113937, -0.013659298419952393, 0.010679196566343307, -0.005702367052435875, -0.005096753127872944, 0.03106021322309971, -0.009767777286469936, 0.06955569237470627, -0.007854996249079704, -0.0066617559641599655, -0.032667189836502075, 0.004080400336533785, 0.016633402556180954, -0.021718164905905724, -0.009396013803780079, 0.00802888534963131, 0.023660926148295403, -0.023541003465652466, 0.05017603561282158, 0.04988821968436241, -0.02736656554043293, -0.042836710810661316, -0.020482951775193214, -0.0035647291224449873, 0.015913862735033035, 0.004065410234034061, -0.014882518909871578, -0.04058214649558067, -0.009761781431734562, 0.03307493031024933, 0.03528152406215668, -0.018732067197561264, -0.027150703594088554, -0.04921664670109749, 0.008358675055205822, 0.004350228700786829, 0.01569799892604351, -0.03501769155263901, 0.01999126374721527, -0.002341508399695158, -0.007009534630924463, -0.02823001518845558, -0.004668026231229305, 0.00508476048707962, -0.0014518251409754157, 0.010757147334516048, 0.030316686257719994, 0.03453799709677696, -0.052142780274152756, 0.007219400722533464, -0.01650148816406727, -0.004970833193510771, -0.035209570080041885, 0.01579393818974495, -0.033386729657649994, 0.031611859798431396, -0.030124807730317116, 0.00877241138368845, -0.03127607703208923, 0.015014435164630413, -0.026263268664479256, -0.03919103369116783, -0.0039514824748039246, 0.008760418742895126, 0.013479412533342838, 0.04993618652224541, -0.016069762408733368, 0.03542543202638626, 0.007063500117510557, 0.02375686541199684, -0.005837281234562397, 0.03444205969572067, 0.0010478324256837368, 0.001639955211430788, 0.007962927222251892, 0.008622506633400917, -0.002923137741163373, 0.017832638695836067, 0.050991516560316086, -0.0027762313839048147, 0.009491953067481518, 0.011152895167469978, 0.03209155425429344, 0.0236969031393528, 0.006403920240700245, -0.03192366287112236, -0.04175739735364914, 0.03868735209107399, -0.013791213743388653, -0.021442340686917305, -0.014091023243963718, -0.008874346502125263, 0.008412640541791916, -0.026623038575053215, -0.03034067153930664, -0.01561405323445797, 0.04264483228325844, -0.011776497587561607, -0.011488680727779865, 0.03444205969572067, 0.012903779745101929, -0.028086107224225998, -0.0007712586666457355, 0.03796781226992607, -0.0009406507597304881, 0.02974105253815651, 0.03604903444647789, 0.028613770380616188, -0.002899153158068657, -0.04832921177148819, 0.012424085289239883, -0.013755236752331257, -0.007621144875884056, 0.011554638855159283, -0.02403268963098526, -0.0029546176083385944, -0.022821461781859398, -0.007717083673924208, -0.004008446354418993, 0.019271722063422203, -0.022821461781859398, 0.017604785040020943, -0.0027057763654738665, 0.027342580258846283, -0.044419702142477036, 0.036528728902339935, -0.008442621678113937, -0.021094560623168945, 0.035305507481098175, 0.005948210600763559, 0.0307004414498806, -0.0014653165126219392, 0.06782878935337067, 0.024536369368433952, 0.050224002450704575, 0.00497982744127512, -0.0162376556545496, 0.016093747690320015, 0.013359488919377327, -0.016441525891423225, -0.004952844697982073, -0.03931095823645592, 0.014702633954584599, -0.01658543385565281, -0.0059691970236599445, 0.003981463611125946, 0.028349939733743668, 0.0014705631183460355, 0.019427623599767685, -0.01860015094280243, 0.0368645153939724, -0.01937965303659439, -0.017736701294779778, -0.01556608360260725, -0.030052853748202324, 0.011524657718837261, 0.002804713323712349, 0.04921664670109749, -0.0077050914987921715, -0.032931022346019745, 0.022221842780709267, -0.0023145254235714674, -0.0421171672642231, 0.03532949462532997, 0.03492175415158272, 0.048545073717832565, -0.025903498753905296, 0.021802110597491264, 0.002996590919792652, 0.02542380429804325, 0.01561405323445797, -0.02878166362643242, -0.010727166198194027, -0.021118545904755592, 0.005384569521993399, 0.013803206384181976, -0.013671290129423141, 0.014642671681940556, 0.009737796150147915, 0.01851620338857174, 0.008064862340688705, 0.003933493979275227, -0.025112001225352287, -0.032307419925928116, 0.009324059821665287, 0.029621129855513573, -0.022869430482387543, -0.024260545149445534, 0.008538560010492802, 0.007465244270861149, -0.015745969489216805, -0.0024584338534623384, 0.033626578748226166, 0.026119360700249672, -0.0011722531635314226, 5.860329110873863e-05, 0.005069770384579897, 0.006799668073654175, 0.020027240738272667, 0.08720844238996506, 0.006451889872550964, -0.039934560656547546, -0.004335238132625818, 0.016201678663492203, -0.02018314227461815, 0.002227580873295665, -0.0219340268522501, 0.004733984358608723, -0.001636957167647779, -0.0027177685406059027, -0.011956383474171162, 0.000637094140984118, -0.07785440236330032, -0.03125208988785744, -0.01912781409919262, 0.007962927222251892, -0.006278000306338072, -0.029237374663352966, 0.0050307950004935265, -0.015458152629435062, 0.03878329321742058, 0.02123847045004368, -0.02096264623105526, -0.04317249730229378, 0.03803976625204086, 0.01975141651928425, 0.022929392755031586, -0.0027447515167295933, -0.004811934661120176, -0.012388108298182487, -0.02746250480413437, 0.04370015859603882, -0.01904386840760708, 0.014198954217135906, 0.04931258410215378, -0.0377039797604084, -0.03453799709677696, 0.016201678663492203, 0.0016894236905500293, -0.03209155425429344, 0.041517551988363266, -0.05708363279700279, 0.02832595445215702, -0.042141154408454895, -0.0029366291128098965, -0.012280176393687725, -0.013707268051803112, -0.0085565485060215, 0.02875768020749092, -0.023816827684640884, -0.021202493458986282, -0.028373923152685165, -0.04499533399939537, 0.021346401423215866, -0.029597144573926926, -0.011392742395401001, 0.005957204848527908, 0.02544778771698475, -0.02404468134045601, -0.021466324105858803, 0.030628487467765808, -0.005243659485131502, 0.0245483610779047, -0.011080941185355186, 0.009408006444573402, -0.03904712572693825, 0.03432213515043259, 0.027414536103606224, -0.012142264284193516, -0.0011310294503346086, -0.01954754628241062, -0.047489747405052185, 0.04278874024748802, -0.007135454099625349, 0.04638645052909851, -0.031803738325834274, 0.003867536084726453, -0.014882518909871578, 0.0018633129075169563, -0.02683890238404274, -0.03849547728896141, -0.007519209757447243, -0.010979006066918373, 0.025831542909145355, 0.011140902526676655, -0.025567712262272835, 0.014174969866871834, 0.027318596839904785, -0.0032229467760771513, 0.0085565485060215, -0.019319692626595497, 0.015482136979699135, -0.024848170578479767, -0.014918495900928974, -0.005138726439327002, -0.0350896455347538, -0.020458966493606567, -0.023037323728203773, 0.033290792256593704, -0.014450794085860252, 0.006439897231757641, 0.026694994419813156, -0.0534859262406826, 0.0038825266528874636, -0.012795847840607166, -0.0061400881968438625, 0.015194320119917393, 0.008694461546838284, -0.012687916867434978, -0.0037656009662896395, -0.03257124871015549, 0.02200598083436489, -0.005759330932050943, 0.024584338068962097, 0.012795847840607166, -0.04847311973571777, 0.014738610945641994, 0.012094295583665371, 0.0010598248336464167, -0.023301156237721443, 0.023109277710318565, -0.0368405319750309, 0.006331966258585453, -0.017772678285837173, 0.011074944399297237, -0.014486771076917648, 0.011518661864101887, 0.00039537312113679945, 0.0024704262614250183, 0.025471772998571396, -0.04216513782739639, -0.029333312064409256, -0.014882518909871578, 0.04744177684187889, -0.01437884010374546, -0.04492338001728058, -0.000816979561932385, 0.006745702587068081, -0.02036302722990513, 0.0162376556545496, -0.047921471297740936, 0.01192640233784914, 0.014654664322733879, -0.012160252779722214, -0.0026323229540139437, -0.03633685037493706, -0.02228180505335331, -0.02789423055946827, -0.0012726892018690705, -0.05401359125971794, 0.008760418742895126, -0.0009241612278856337, 0.03955080360174179, -0.013347497209906578, -0.005768325179815292, -0.04106184095144272, 0.031156152486801147, 0.01570999249815941, 0.00380457635037601, 0.012508031912147999, -0.019067851826548576, 0.03782390430569649, 0.014966465532779694, 0.009036242961883545, -0.012951749376952648, -0.004434175323694944, -0.027246642857789993, 0.013179603964090347, -0.00556745333597064, -0.02025509625673294, 0.03633685037493706, 0.02736656554043293, 0.0015440164133906364, -0.020135171711444855, -0.012070310302078724, -0.0027687360998243093, -0.0013461423804983497, 0.0267429631203413, 0.0039005151484161615, 0.03585715591907501, 0.016993174329400063, -0.051183391362428665, 0.031084196642041206, 0.017856623977422714, -0.02176613360643387, 0.026718977838754654, 0.035209570080041885, -0.013059680350124836, -0.02770235203206539, 0.026383191347122192, 0.03127607703208923, 0.011398738250136375, -0.01022348739206791, 0.04489939659833908, 0.008508579805493355, -0.01556608360260725, -0.021970003843307495, 0.00539056584239006, -0.013851176016032696, -0.015913862735033035, 0.0028601777739822865, -0.01990731805562973, 0.0026443153619766235, 0.0022200855892151594, -0.008256739936769009, 0.00885036215186119, -0.007459247950464487, 0.012783856131136417, 0.05051182210445404, -0.01016952097415924, 0.01495447289198637, -0.01700516603887081, 0.02290540747344494, 0.013563359156250954, -0.0009241612278856337, 0.007465244270861149, 0.0053276061080396175, 0.016201678663492203, 0.006260011810809374, 0.008616510778665543, -0.0063379621133208275, -0.022077934816479683, 0.02342107892036438, 0.014750602655112743, -0.029165420681238174, 0.05981789156794548, 0.040222376585006714, 0.029405267909169197, 0.02894955687224865, -0.03823164477944374, 0.021262453868985176, 0.03259523585438728, 0.008520571514964104, 0.009408006444573402, -0.011932398192584515, -0.0066437674686312675, -0.02428452856838703, -0.012544008903205395, 0.0035377461463212967, -0.019967280328273773, 0.033122897148132324, 0.02325318567454815, -0.02499207854270935, -0.026191314682364464, 0.014043053612112999, 0.03868735209107399, 0.01517033576965332, 0.008886339142918587, -0.068452388048172, -0.0016009800601750612, -0.019511569291353226, -0.0003695146006066352, -0.01113490667194128, 0.01876804418861866, 0.0009339050156995654, 0.004434175323694944, 0.03278711438179016, 0.012675924226641655, -0.0031599868088960648, -0.010019617155194283, -0.0039005151484161615, 0.018192410469055176, 0.023541003465652466, 0.0534859262406826, -0.007153442595154047, 0.018971914425492287, -0.013563359156250954, -0.00833469070494175, -0.03981463611125946, 0.02832595445215702, -0.03285906836390495, 0.014330870471894741, 0.007111469749361277, 0.013347497209906578, 0.03909509256482124, -0.016381563618779182, 0.008256739936769009, 0.001191740739159286, 0.03175576776266098, -0.031204121187329292, 0.008700457401573658, 0.02482418529689312, -0.0017298979219049215, -0.01772470772266388, 0.034849800169467926, 0.017221029847860336, 0.0012749377638101578, 0.013347497209906578, -0.0013176605571061373, 0.023037323728203773, 0.004383207764476538, 0.06149682402610779, -0.0019577527418732643, 0.03926298767328262, 0.010313429869711399, 0.023984720930457115, -0.00854455679655075, 0.005675384309142828, -0.011290807276964188, -0.02402069792151451, 0.039598774164915085, 0.0037386182229965925, -0.014079030603170395, -0.03602505102753639, 0.0017958559328690171, -0.04238099977374077, 0.0006464631878770888, 0.004023436922580004, -0.016861258074641228, -0.01359933614730835, -0.03034067153930664, 0.02174214832484722, 0.0170891135931015, 0.01460669469088316, -0.041253719478845596, 0.021610232070088387, -0.003915505483746529, 0.00043284925050102174, -0.028206031769514084, 0.03760804235935211, -0.021538278087973595, 0.03628888353705406, -0.036001063883304596, 0.017676739022135735, -0.019355669617652893, -0.014270908199250698, -0.06307981163263321, -0.012819833122193813, -0.024680277332663536, 0.007483232766389847, -0.00739328982308507, 0.010457337833940983, -0.00718942005187273, 0.034777846187353134, -0.01236412301659584, -0.013875160366296768, -0.01822838746011257, -0.03648075833916664, 0.011398738250136375, -0.007171431556344032, 0.025135986506938934, 0.013491405174136162, 0.008646491914987564, 0.012687916867434978, 0.01629761792719364, 0.011506669223308563, 0.013623321428894997, 0.018012525513768196, 0.01460669469088316, -0.038999155163764954, -0.003858541836962104, -0.0033908397890627384, -0.005663392134010792, -0.0019922307692468166, -0.021622225642204285, 0.0006685740663670003, 0.018792027607560158, 0.005138726439327002, 0.013947115279734135, -0.0058582681231200695, -0.015805929899215698, 0.02650311589241028, 0.031204121187329292, -0.03444205969572067, -0.0013783718459308147, 0.005219674669206142, 0.01816842518746853, 0.0013026701053604484, 0.006871622521430254, -0.004269280005246401, 0.0008604518370702863, -0.011896421201527119, 0.011254830285906792, 0.033290792256593704, -0.0005475261714309454, -0.0048149325884878635, 0.006727714091539383, 0.024800200015306473, 0.002049194648861885, -0.04444368556141853, -0.02314525470137596, 0.0019832365214824677, 0.005759330932050943, 0.03444205969572067, -0.0065178475342690945, 0.0153502207249403, -0.04861702769994736, 0.014198954217135906, -0.027438519522547722, -0.019691456109285355, 0.020111188292503357, -0.004602068103849888, -0.011884428560733795, -0.008700457401573658, 0.005351590923964977, -0.00739328982308507, -0.005576447583734989, -0.020578889176249504, -0.03525753691792488, 0.020770767703652382, 0.027486490085721016, 0.00651185167953372, -0.006307981442660093, -0.02518395707011223, -0.02307330071926117, 0.023612957447767258, 0.016033785417675972, 0.018456242978572845, -0.0162376556545496, -0.001987733645364642, 0.008502583019435406, 0.019151799380779266, -0.0015859896084293723, 0.0058672623708844185, 0.014186961576342583, 0.008736434392631054, 0.018660113215446472, 0.023289162665605545, 0.010241475887596607, -0.013191595673561096, -0.005603430327028036, 0.018708081915974617, 0.03708037734031677, -0.004386205691844225, -0.007860992103815079, -0.008868350647389889, 0.018312333151698112, 0.002678793389350176, 0.024584338068962097, 0.026862885802984238, -0.015278266742825508, -0.0005291628767736256, -0.02894955687224865, 0.01196837518364191, 0.010913047939538956, 0.0007690101047046483, -0.0008484594873152673, -0.020998623222112656, -0.026982810348272324, 0.026910856366157532, 0.005339598283171654, 0.016597425565123558, 0.0008334690355695784, -0.02096264623105526, -0.007549190893769264, -0.020063217729330063, -0.002728261984884739, -0.006212042644619942, -0.009024251252412796, -0.014366847462952137, -0.017077120020985603, 0.011236841790378094, -0.003507765242829919, 0.006242023315280676, 0.018540188670158386, -0.03036465495824814, 0.0007502720109187067, 0.0005984937306493521, -0.002262058900669217, -0.010931036435067654, 0.07737470418214798, -0.002149630570784211, 0.03235538676381111, 0.0036756584886461496, 0.034609951078891754, -0.036192942410707474, -0.004796944092959166, 0.011794486083090305, -0.02403268963098526, -0.01929570734500885, 0.01832432672381401, 0.002593347802758217, -0.047058019787073135, 0.018696090206503868, -0.04046222195029259, -0.007237389218062162, -0.03453799709677696, 0.03700842335820198, -0.022317782044410706, 0.0043202475644648075, -0.015074396505951881, 0.03746413439512253, -0.002831696067005396, 0.008928311988711357, 0.010073582641780376, -0.021538278087973595, 0.009312067180871964, 0.0014533241046592593, 0.008244747295975685, 0.0024254547897726297, 0.011740520596504211, 0.02561568096280098, 0.022521652281284332, -0.014342863112688065, -0.0049768295139074326, -0.010157529264688492, 0.024680277332663536, -0.003801578190177679, -0.016825281083583832, 0.010451341979205608, -0.005627415142953396, 0.01895992085337639, 0.028349939733743668, -0.002993592992424965, 0.0092161288484931, 0.00038450505235232413, -0.01500244252383709, -0.007657121866941452, 0.028110092505812645, -0.02421257458627224, 0.0007379049202427268, -0.006955568678677082, -0.012735886499285698, -0.008670476265251637, 0.011650578118860722, -0.03036465495824814, -0.016429534181952477, 0.016549456864595413, 0.03379447013139725, 0.021706171333789825, -0.022389736026525497, -0.010595249943435192, 0.005918229930102825, -0.007950934581458569, 0.012951749376952648, -0.012651939876377583, -0.01947559230029583, 0.01087107416242361, -0.017508845776319504, -0.03638482093811035, 0.0024494396056979895, 0.020818736404180527, -0.015769952908158302, -0.019667470827698708, -0.0059691970236599445, 0.01963149383664131, -0.01451075542718172, -0.005933220032602549, -0.017772678285837173, 0.004677020478993654, 0.017520837485790253, -0.029765037819743156, -0.004440171178430319, -0.005282634403556585, 0.03185170888900757, -0.030028870329260826, 0.002365492982789874, -0.0063199736177921295, 0.011188872158527374, -0.008748427033424377, -0.0002338510239496827, 0.01860015094280243, 0.02983699180185795, 0.012214219197630882, -0.01911582238972187, -1.6220135876210406e-05, -0.005621418822556734, -0.0026323229540139437, -0.009228121489286423, -0.009396013803780079, 0.0020222116727381945, 0.007926950231194496, 0.04278874024748802, 0.0071834237314760685, 0.008928311988711357, -0.014019069261848927, 0.007111469749361277, -0.02544778771698475, -0.00026739214081317186, -0.021802110597491264, 0.014246923848986626, -0.02358897216618061, -0.004907873459160328, 0.019091837108135223, -0.007783041801303625, 0.02096264623105526, -0.009378025308251381, 0.010361399501562119, 0.008892334997653961, -0.01693321205675602, -0.006272004451602697, 0.009707815945148468, -0.017784669995307922, -0.00029306329088285565, 0.01744888350367546, 0.030460594221949577, 0.006631775293499231, -0.006032157223671675, 0.023960735648870468, 0.022233836352825165, 0.03765600919723511, 0.03353063762187958, 0.013383474200963974, 0.02921338938176632, -0.00688361469656229, -0.0008477099472656846, 0.03624091297388077, -0.03106021322309971, 0.00011861193343065679, -0.01320358831435442, -0.04019838944077492, 0.03125208988785744, -0.010499311611056328, 0.018012525513768196, 0.02823001518845558, 0.03185170888900757, -0.039766665548086166, -0.04334038868546486, 0.025663651525974274, 0.03264320269227028, 0.007807026617228985, 0.03796781226992607, 0.012376115657389164, 0.016969189047813416, -0.030460594221949577, -0.02561568096280098, 0.02114253118634224, 0.001070318161509931, -0.007453251630067825, 0.028349939733743668, -0.02990894578397274, -0.007717083673924208, -0.021334407851099968, 0.028661740943789482, 0.01579393818974495, -0.02518395707011223, 0.02105858363211155, 0.01632160134613514, 0.02736656554043293, 0.0010838095331564546, -0.007399286143481731, -0.01782064698636532, -0.010949024930596352, 0.011650578118860722, 0.014318877831101418, -0.004263284150511026, -0.003972469363361597, 0.028973542153835297, 0.0035347482189536095, -0.0131556186825037, 0.004005448427051306, 0.016201678663492203, -0.015925854444503784, -0.028349939733743668, 0.01621367037296295, 0.033194851130247116, -0.012999718077480793, -0.00510874530300498, 8.436812640866265e-05, 0.008406644687056541, 0.004772959277033806, -0.019847355782985687, 0.02340908721089363, -0.0028361931908875704, 0.00247792131267488, -0.0018798024393618107, -0.015038419514894485, 0.037152331322431564, 0.030148793011903763, 0.04410789906978607, 0.053533896803855896, -0.02710273303091526, -0.03962275758385658, -0.028349939733743668, -0.007639133371412754, 0.014546732418239117, 0.0007937443442642689, -0.02385280467569828, 0.012388108298182487, 0.003207956440746784, -0.005897243041545153, -0.006164073012769222, 0.036097005009651184, 0.016117731109261513, 0.013827191665768623, -0.004116377793252468, 0.004572087433189154, 0.02244969829916954, -0.011212856508791447, 0.0033368743024766445, -0.008124823682010174, 0.017292983829975128, 0.029501205310225487, -0.044155869632959366, 0.05665190890431404, -0.034082286059856415, 0.00903024710714817, -0.011002990417182446, -0.020890692248940468, -0.02053092047572136, 0.0447554886341095, -0.01782064698636532, -0.00038637884426862, -0.0024959100410342216, -0.0049948180094361305, 0.004062411841005087, -0.04132567346096039, 0.0005583942402154207, -0.03561731055378914, -0.004167345352470875, -0.025855528190732002, 0.004784951917827129, -0.0004298511485103518, 0.006188057828694582, 0.03285906836390495, -0.030196763575077057, -0.005456523969769478, -0.001226968364790082, -0.006877618376165628, 0.01683727279305458, 0.0012427082983776927, -0.00784300360828638, -0.028925573453307152, -0.017520837485790253, 0.020554905757308006, 0.01569799892604351, -0.0066797444596886635, -0.02333713322877884, -0.011344772763550282, 0.0010643219575285912, -0.013479412533342838, 0.004638045094907284, 0.03549738600850105, -0.003645677585154772, -0.020279081538319588, 0.00033128896029666066, 0.03264320269227028, -0.034945737570524216, -0.05804302170872688, 0.010595249943435192, -0.008142812177538872, -0.007321335840970278, 0.0023490034509450197, 0.0027717342600226402, 0.02325318567454815, 0.004686014726758003, 0.0025528736878186464, -0.002905149245634675, 0.01728099025785923, -0.014282900840044022, -0.018120456486940384, 0.04873695224523544, -0.03782390430569649, 0.009857719764113426, -0.006242023315280676, 0.0073633091524243355, 0.017245013266801834, 0.012867802754044533, 0.007831010967493057, -0.0044821444898843765, 0.014918495900928974, 0.036192942410707474, 0.007405282463878393, 0.034178227186203, -0.029501205310225487, -0.0040564159862697124, -0.0012352131307125092, 0.0007663867436349392, -0.017173059284687042, 0.027942199259996414, -0.02210192009806633, -0.02428452856838703, 0.03391439467668533, -0.009396013803780079, 0.021790118888020515, 0.019007891416549683, -0.01815643347799778, 0.038111720234155655, -0.04010245203971863, 0.005423544906079769, 0.010985001921653748, -0.014354854822158813, -0.022857438772916794, 0.011470692232251167, 0.03765600919723511, 0.03549738600850105, -0.030052853748202324, -0.007753060664981604, -0.001962249865755439, 0.028014153242111206, 0.0033218837343156338, 0.031204121187329292, 0.007944938726723194, 0.029237374663352966, 0.04796944186091423, -0.009354040957987309, -0.016381563618779182, -0.016957197338342667, -0.0003571474808268249, -0.03887923061847687, 0.020746782422065735, 0.026694994419813156, 0.06797269731760025, -0.0019217757508158684, 0.03883126378059387, 0.014174969866871834, 0.03779992088675499, -0.0029006521217525005, -0.007974919863045216, 0.016153709962964058, -0.02640717662870884, -0.012891787104308605, 0.01999126374721527, -0.004254289902746677, 0.00011242837354075164, 0.0020402001682668924, -0.006433901377022266, -0.006529840175062418, 0.021993989124894142, -0.0048599038273096085, 0.0027627400122582912, 0.039071109145879745, 0.015470144338905811, 0.018983906134963036, -0.033098913729190826, 0.02078275941312313, 0.04921664670109749, 0.002896154997870326, 0.020566897466778755, 0.004515123553574085, -0.007417274639010429, -0.02201797254383564, 0.025112001225352287, -0.0003236063348595053, 0.00018560051103122532, -0.007801030296832323, -0.06274402886629105, 0.01886398158967495, -0.006595797836780548, 0.01341945119202137, 0.017113097012043, 0.013611328788101673, 0.019331684336066246, -0.011026974767446518, 0.04326843470335007, 0.023469049483537674, 0.03317086771130562, -0.03648075833916664, 0.0010898057371377945, -0.046986065804958344, 0.01903187483549118, 0.007171431556344032, 0.004284270573407412, 0.0073453206568956375, 0.01736493781208992, 0.0035197576507925987, -0.005186695605516434, -0.0029291340615600348, 0.01658543385565281], "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa": [0.014614867977797985, 0.011161076836287975, 0.012992281466722488, 0.05451890453696251, 0.025080550462007523, 0.0029032707680016756, 0.014950974844396114, -0.014533738605678082, 0.0006577270105481148, 0.046127814799547195, 0.017303725704550743, -0.023759301751852036, -0.011485593393445015, 0.0051980712451040745, 0.03769036382436752, -0.011642057448625565, 0.005786259192973375, 0.03208085149526596, -0.07862590253353119, 0.02860387973487377, 0.042140886187553406, 0.06629424542188644, 0.035859160125255585, -4.8804355174070224e-05, -0.012111448682844639, -0.015530469827353954, -0.0082636009901762, -0.02640179917216301, -0.010286038741469383, -0.021313831210136414, 0.013907883316278458, -0.024941470474004745, -0.01784845069050789, -0.037041328847408295, -0.0008743132930248976, 0.01034978311508894, -0.02290164865553379, 0.03145499527454376, 0.039869267493486404, 0.03041190467774868, -0.0029655664693564177, -0.030527804046869278, 0.0008641721215099096, 0.018787233158946037, 0.02142973057925701, 0.0731554701924324, -0.049094829708337784, -0.03330938145518303, -0.04374029487371445, -0.0006714899791404605, -0.06768503040075302, 0.028325723484158516, -0.0054182796739041805, 0.03219674900174141, -0.00459539657458663, -0.0014632252277806401, -0.003818873083218932, -0.007098815403878689, -0.0012901010923087597, -0.00240635359659791, -0.014904615469276905, -0.0007359588053077459, -0.013594956137239933, 0.02802438475191593, 0.043276697397232056, 0.024918291717767715, -0.030805962160229683, -0.007568206638097763, -0.022646669298410416, 0.03745856508612633, 0.037018150091171265, 0.04784311726689339, 0.054101668298244476, 0.010089010000228882, -0.04309125989675522, 0.02700447291135788, 0.0030713242013007402, 0.00932407658547163, 0.03031918592751026, -0.02918337471783161, 0.02350432239472866, -0.017616651952266693, -0.03103775903582573, -0.003894207300618291, -0.010442502796649933, -0.010355577804148197, -0.08664611726999283, -0.026795854791998863, -0.02867341972887516, -0.06736051291227341, -0.006380241364240646, 0.06235367804765701, -0.03286896273493767, 0.0401010625064373, 0.01915811002254486, -0.013629726134240627, -0.02089659497141838, 0.0042940592393279076, -0.004314341116696596, 0.050207458436489105, 0.03256762772798538, -0.03829303756356239, -0.0065425001084804535, 0.017581881955266, 0.031200017780065536, -0.030527804046869278, 0.010523632168769836, -0.0017037157667800784, 0.008246215991675854, -0.0058905682526528835, -0.07037389278411865, -0.022739389911293983, 0.021093623712658882, 0.00018887920305132866, 0.06671147793531418, 0.022043995559215546, 0.019795553758740425, -0.05289631709456444, 0.0037609233986586332, -0.049651142209768295, -0.020085301250219345, -0.043902553617954254, 0.026285899803042412, -0.027954846620559692, -0.04065737873315811, -0.011132101528346539, 0.0023686864878982306, -0.01608678512275219, -0.023712940514087677, 0.011995549313724041, 0.04202498868107796, -0.008141906931996346, 0.047379523515701294, 0.019459446892142296, 0.03314712271094322, -0.0024208410177379847, 0.004465010017156601, 0.0048561692237854, -0.02531234733760357, -0.04596555605530739, -0.031084120273590088, -0.07301639020442963, 0.012215757742524147, 0.027444889768958092, 0.058830346912145615, -0.059386663138866425, -0.04378665238618851, -0.006623629480600357, -0.015275492332875729, -0.003468278329819441, -0.008640272542834282, 0.016225863248109818, 0.0010930727003142238, 0.00631649699062109, 0.009590644389390945, -0.018567023798823357, 0.04061102122068405, 0.05386986956000328, 0.01094086840748787, 0.0754270851612091, -0.03034236654639244, -0.007765234913676977, -0.003682691603899002, -0.020525718107819557, 0.009057508781552315, -0.014058551751077175, 0.0041086203418672085, -0.042720381170511246, -0.011352309957146645, -0.031107299029827118, -0.02464013360440731, -0.01712987571954727, -0.024964651092886925, -0.014278760179877281, -0.012412785552442074, -0.008414269424974918, 0.008437449112534523, -0.049002110958099365, 0.009834032505750656, -0.021673118695616722, -0.0003569327818695456, 0.009428385645151138, -0.032474908977746964, -0.026679957285523415, 0.006293317303061485, -0.05734683945775032, -0.00017910021415445954, 0.005070582497864962, -0.03386569768190384, -0.010401938110589981, 4.6314336941577494e-05, -0.014406248927116394, -0.009503720328211784, -0.12350200861692429, -0.023388424888253212, -0.044435687363147736, 0.02415335737168789, -0.03210403025150299, -0.01001367624849081, 0.0015226234681904316, 0.015391390770673752, -0.0022585822734981775, 0.017744140699505806, 0.01637653261423111, -0.02159198932349682, -0.008866275660693645, 0.012969101779162884, -0.0004621473781298846, 0.022762568667531013, -0.027375349774956703, 0.0516909658908844, -0.014417839236557484, 0.014209221117198467, 0.021673118695616722, -0.02934563346207142, 0.02410699799656868, -0.0713474452495575, 0.02214830368757248, -0.01639971323311329, -0.01869451254606247, -0.00962541438639164, 0.028279362246394157, 0.032474908977746964, 0.020421408116817474, -0.012447555549442768, 0.004815604537725449, 0.03711086884140968, 0.032405368983745575, 0.004864861723035574, -0.016480842605233192, 0.02403745800256729, 0.02932245470583439, 0.02934563346207142, -0.03537238389253616, 0.07144016027450562, -0.045548319816589355, 0.06564521044492722, 0.0442502498626709, -0.04872395098209381, -0.032474908977746964, -0.002780128037557006, 0.05609513074159622, 0.028951577842235565, 0.04079645872116089, 0.008680837228894234, -0.017095107585191727, -0.028997937217354774, -0.02461695298552513, 0.04656822979450226, -0.040379222482442856, -0.005050300154834986, 0.020931364968419075, 0.0245937742292881, -0.049048468470573425, -0.04241904616355896, -0.031825874000787735, 0.02301754802465439, 0.04172364994883537, 0.004505574703216553, -0.035951878875494, 0.01599406637251377, -0.02217148430645466, -0.039336130023002625, -0.03476971015334129, -0.021661529317498207, -0.0010865534422919154, -0.002003604546189308, 0.05034653842449188, 0.004551934543997049, -0.0436243936419487, 0.01287638209760189, 0.04765767976641655, -0.02246123179793358, -0.001415416831150651, -0.056512366980314255, 0.007944878190755844, 0.022820519283413887, -0.018590204417705536, -0.0043954704888165, 0.03606777638196945, 0.011983959935605526, 0.032498087733983994, -0.004609883762896061, -0.0010771366069093347, 0.018323635682463646, -0.027282631024718285, -0.01715305633842945, -0.006154238246381283, -0.024570593610405922, 0.014707586728036404, 0.018567023798823357, -0.03514058515429497, -0.0326603464782238, 0.051227372139692307, -0.006890197284519672, -0.013571776449680328, 0.03671681135892868, -0.031872231513261795, -0.04350849613547325, 0.002391866175457835, -0.009897776879370213, 0.02987876906991005, -0.04717090353369713, -0.020838646218180656, -0.026656776666641235, -0.008715607225894928, 0.01584339700639248, 0.06615516543388367, 0.000689599197357893, -0.054750699549913406, -0.007510256953537464, -0.01409332174807787, 0.031246379017829895, -0.019239239394664764, 0.02171947807073593, -0.0552142970263958, 0.02466331422328949, 0.002076041419059038, -0.010587376542389393, -0.026633596047759056, -0.056419648230075836, -0.005215456243604422, -0.027444889768958092, -0.04183955118060112, -0.017581881955266, -0.004679423291236162, -0.008396884426474571, 0.005134326871484518, -0.011491389013826847, 0.024269256740808487, -0.0345379114151001, -0.057578638195991516, 0.03439883142709732, -0.011543543078005314, -0.045084722340106964, 0.019030621275305748, -0.02154562994837761, 0.016202684491872787, -0.005119839683175087, 0.04142231121659279, -0.0016877795569598675, 0.012864791788160801, 0.01787162944674492, -0.01630699262022972, -0.021580399945378304, -0.04656822979450226, 0.012575044296681881, 0.03824668005108833, -0.015090053901076317, 0.014023782685399055, -0.004633063450455666, 0.022252613678574562, -0.037018150091171265, -0.003433508798480034, -0.005027120467275381, 0.02403745800256729, 0.0060731093399226665, -0.03321666270494461, -0.03168679401278496, -0.014719177037477493, -0.045548319816589355, 0.005878978408873081, 0.022380102425813675, 0.04988294094800949, 0.010222294367849827, 0.02640179917216301, -0.0816856324672699, -0.056466005742549896, -0.01229688711464405, 0.008286780677735806, -0.027769407257437706, -0.015252312645316124, 0.017906399443745613, -0.0019586936105042696, -0.027792587876319885, 0.031756334006786346, 0.03275306522846222, 0.06036021560430527, -0.004679423291236162, 0.020931364968419075, 0.09072575718164444, -0.006339676678180695, -0.021707888692617416, -0.02350432239472866, 0.03551146388053894, 0.02316821552813053, 0.0014175899559631944, -0.0365777350962162, 0.008182471618056297, 0.0041318004950881, 0.005171994213014841, 0.007000301498919725, 0.01871769316494465, -0.012076678685843945, 0.01092927809804678, -0.0163301732391119, -0.037528105080127716, 0.050856493413448334, 0.008848890662193298, 0.004551934543997049, 0.0374353863298893, -0.04137595370411873, -0.04610463231801987, 0.01889154128730297, -0.029670150950551033, 0.00787533912807703, 0.014533738605678082, 0.0017442803364247084, 0.03843211755156517, 0.003682691603899002, 0.051320090889930725, -0.008518578484654427, 0.027282631024718285, -0.013907883316278458, 0.06541341543197632, -0.03314712271094322, 0.046243712306022644, 0.045107901096343994, -0.020212789997458458, -0.08214922994375229, 0.015576829202473164, -0.012551864609122276, -0.025938203558325768, -0.030527804046869278, -0.03370343893766403, -0.007214714772999287, -0.007319023832678795, -0.012598223984241486, 0.07051297277212143, -0.049651142209768295, -0.009573259390890598, -0.0033987390343099833, -0.01079599466174841, 0.012864791788160801, -0.024524234235286713, -0.004824297036975622, 0.014846665784716606, 0.040448762476444244, 0.00913284346461296, -0.04119051620364189, -0.018810411915183067, -0.023272525519132614, 0.0050908648408949375, -0.02642497792840004, 0.006415011361241341, 0.005893465597182512, 0.014255580492317677, -0.00792169850319624, 0.045038361102342606, -0.003369764192029834, -0.015229132026433945, -0.005253123585134745, 0.03365707769989967, 0.017697781324386597, -0.05234000086784363, -0.025520965456962585, -0.002213671337813139, -0.03201131150126457, 0.012609814293682575, -0.03333256021142006, -0.016735820099711418, 0.016828538849949837, 0.04489928483963013, 0.005238635931164026, 0.019818734377622604, 0.03048144467175007, -0.059989336878061295, -0.010141164995729923, -0.03279942646622658, -0.01811501756310463, -0.006612039636820555, 0.020514128729701042, 0.001684882096014917, 0.011746366508305073, -0.019772375002503395, -0.005589230451732874, 0.05692960321903229, 0.02642497792840004, -0.04598873481154442, -0.027236271649599075, 0.011050972156226635, 0.0423726849257946, -0.03541874140501022, 0.0016269326442852616, 0.037620823830366135, 0.021986044943332672, 0.05716140195727348, 0.04225678741931915, -0.0010930727003142238, 0.008182471618056297, 0.0008989418274722993, -0.00040854408871382475, 0.04473702609539032, -0.008877865970134735, 0.06351266801357269, -0.0031669409945607185, -0.017616651952266693, -0.04357803612947464, -0.009602234698832035, 0.0028916806913912296, -0.03562736138701439, -0.00011970196646871045, 0.01000208593904972, 0.022832108661532402, -0.0003585626254789531, 0.07704967260360718, 0.029646972194314003, -0.012598223984241486, -0.05572425201535225, -0.036345936357975006, 0.020769106224179268, 0.01146241370588541, 0.006693169008940458, -0.015600008890032768, -0.03789898380637169, -0.013339978642761707, 0.04177001118659973, 0.020224381238222122, -0.020815465599298477, -0.0198535043746233, -0.0165272019803524, 0.007886928506195545, -0.004621473606675863, 0.028974756598472595, -0.009057508781552315, 0.004181057680398226, 0.0016428687376901507, 0.009016944095492363, -0.005534178577363491, -0.010813379660248756, -0.003277044976130128, -0.0024961752351373434, 0.02362022176384926, 0.037574466317892075, 0.031200017780065536, -0.04605827480554581, 0.008188266307115555, -0.01200713962316513, 0.001358191715553403, -0.015368211083114147, 0.0037116664461791515, -0.04863123223185539, 0.05349899083375931, -0.03096822090446949, 0.010054240934550762, -0.010129574686288834, 0.017338493838906288, -0.0056211031042039394, -0.020108481869101524, 0.006038339342921972, 0.012412785552442074, 0.028534341603517532, 0.03625321760773659, -0.00041144154965877533, 0.02171947807073593, 0.015785448253154755, -0.0006005018367432058, -0.00855334848165512, 0.020618436858057976, 0.013652905821800232, 0.00573700200766325, 0.016747409477829933, 0.015426160767674446, 0.005803643725812435, 0.017025567591190338, 0.053174473345279694, -0.022623490542173386, 0.012111448682844639, 0.009329872205853462, 0.010946663096547127, 0.03272988647222519, -0.010685890913009644, -0.05215456336736679, -0.046243712306022644, 0.04890938848257065, -0.009532694704830647, -0.03671681135892868, -0.0129227414727211, -0.014301939867436886, -0.011392874643206596, -0.009242947213351727, -0.016156325116753578, 0.012737303040921688, 0.04227996617555618, -0.005647180136293173, -0.012505505234003067, 0.030759602785110474, 0.013328388333320618, -0.013085000216960907, 0.01710669696331024, 0.037528105080127716, -0.0018268584972247481, 0.04200180619955063, 0.0345379114151001, 0.033077582716941833, 0.01206508930772543, -0.06235367804765701, 0.009729723446071148, -0.0163301732391119, -0.0027149347588419914, 0.014174451120197773, -0.009694953449070454, -7.859402830945328e-05, -0.013397927395999432, 0.008947405032813549, -0.006641014479100704, 0.03917387127876282, -0.01927400939166546, 0.018230916932225227, -0.006200598087161779, 0.02533552795648575, -0.05391622707247734, 0.01181011088192463, 0.01755870319902897, -0.03620685636997223, 0.021893326193094254, 0.011613083072006702, 0.03738902509212494, -0.005647180136293173, 0.05104193091392517, 0.011734776198863983, 0.04992930218577385, 0.006669989321380854, -0.01229688711464405, 0.019459446892142296, 0.02217148430645466, -0.013977423310279846, -0.010541016235947609, -0.02983240969479084, 0.0013009665999561548, -0.026239540427923203, -0.015066873282194138, 0.0308986809104681, 0.012134628370404243, 0.01688648760318756, 0.022936418652534485, -0.02410699799656868, 0.027769407257437706, -0.03432929143309593, -0.01782527007162571, -0.014464198611676693, -0.04380983114242554, 0.018300456926226616, 0.003019169671460986, 0.029531072825193405, -0.013374747708439827, -0.023469552397727966, 0.01374562457203865, -0.0030510418582707644, -0.050253819674253464, 0.03562736138701439, 0.011334924958646297, 0.0326603464782238, -0.022252613678574562, 0.017639832571148872, -0.010251268744468689, 0.009353051893413067, 0.026564057916402817, -0.026726316660642624, -0.01748916320502758, -0.04190908744931221, 0.017095107585191727, 0.004325931426137686, -0.035789620131254196, 0.008182471618056297, 0.014464198611676693, 0.00821144599467516, -0.027352171018719673, 0.022484412416815758, -0.02742171101272106, -0.04668412730097771, 0.0107496352866292, 0.0015791242476552725, -0.03722676634788513, -0.026656776666641235, 0.023249344900250435, 0.019192880019545555, -0.024477874860167503, -0.0033987390343099833, 0.0211863424628973, 0.022739389911293983, -0.010622145608067513, -0.010969842784106731, 0.014394659548997879, 0.005027120467275381, 0.01030342373996973, 0.06541341543197632, 0.012180987745523453, -0.026749495416879654, 0.0002678354212548584, 0.018972670659422874, -0.015854986384510994, 0.0026888574939221144, -0.010598965920507908, -0.004262186586856842, 0.022820519283413887, -0.02304072678089142, -0.01409332174807787, 0.001426282455213368, -0.08669247478246689, -0.03729630634188652, -0.03852483630180359, 0.0014552571810781956, -0.014707586728036404, -0.03766718506813049, -0.005131429526954889, -0.004679423291236162, 0.030643703415989876, 0.02920655533671379, -0.00102208461612463, -0.027792587876319885, 0.04367075487971306, 0.013096590526401997, 0.013374747708439827, -0.013965833000838757, -0.006484550889581442, -0.009822443127632141, -0.03671681135892868, 0.036925431340932846, 0.0007109681027941406, 0.008344730362296104, 0.048538513481616974, -0.018926311284303665, -0.023782480508089066, 0.012690943665802479, 0.005085069686174393, -0.03437565267086029, 0.04063419997692108, -0.05437982454895973, 0.03539556264877319, -0.02359704300761223, -0.006745323538780212, -0.01200713962316513, -0.002112259855493903, -0.012250527739524841, 0.02297118678689003, -0.021823786199092865, -0.011190051212906837, -0.02132542058825493, -0.0310145802795887, -0.003795693162828684, -0.031315919011831284, -0.02464013360440731, 0.0036682041827589273, 0.028348902240395546, -0.01316612958908081, -0.013142949901521206, 0.014881434850394726, -0.013328388333320618, 0.036461833864450455, 0.001945654978044331, 0.008333140052855015, -0.03553464263677597, 0.02693493478000164, 0.025474606081843376, -0.017570292577147484, -0.018485894426703453, -0.013490647077560425, -0.04079645872116089, 0.01693284884095192, -0.0015689830761402845, 0.06912218034267426, -0.028325723484158516, -0.003662409260869026, -0.005482024047523737, 0.00991516187787056, -0.030527804046869278, -0.026517698541283607, -0.01486984547227621, -0.010268653742969036, 0.0247096735984087, 0.014614867977797985, -0.02746807038784027, 0.015252312645316124, 0.03678635135293007, -0.02858070097863674, -0.017048746347427368, -0.035835981369018555, 0.03731948882341385, -0.027282631024718285, -0.027838947251439095, -0.0025758559349924326, -0.029623791575431824, -0.00991516187787056, -0.009016944095492363, 0.026819035410881042, 0.001721100532449782, -0.017975939437747, 0.01741962321102619, -0.06383718550205231, 0.023898379877209663, -0.011960779316723347, 0.0005363951786421239, 0.023469552397727966, 0.017651421949267387, 0.0062179830856621265, -0.0066873738542199135, -0.01838158629834652, 0.03094504028558731, -0.010830764658749104, 0.024964651092886925, 0.016538791358470917, -0.04149185121059418, 0.027769407257437706, 0.00893581472337246, -0.017431214451789856, -0.0029221042059361935, 0.03502468764781952, -0.020977724343538284, -0.008234625682234764, -0.009689158760011196, 0.017280545085668564, -0.003201710758730769, 0.00875617191195488, 0.0029757076408714056, -0.011056767776608467, 0.01570431888103485, -0.04807491600513458, -0.008918430656194687, -0.001945654978044331, 0.03377297520637512, -0.02056048810482025, -0.03259080648422241, -0.0003600113559514284, -0.004777937661856413, -0.011242206208407879, -0.0008453385671600699, -0.03678635135293007, 0.010656915605068207, 0.036461833864450455, 0.0005679052555933595, 0.014603277668356895, -0.026795854791998863, -0.01882200315594673, -0.012818432413041592, 0.004972068127244711, -0.03604459762573242, 0.011995549313724041, 0.00013781119196210057, 0.03708769008517265, 0.009689158760011196, -0.01657356135547161, -0.029021115973591805, 0.0330544039607048, 0.024987829849123955, 0.010297629050910473, 0.0029293480329215527, -0.021383371204137802, 0.04000834375619888, 0.016944438219070435, 0.00913284346461296, -0.025126909837126732, 0.008605502545833588, -0.02012007124722004, 0.012772073037922382, -0.014452609233558178, -0.012146218679845333, 0.05674416571855545, 0.009474745951592922, 0.002233953680843115, -0.014800306409597397, 2.4198448954848573e-05, -0.0032538652885705233, -0.0163301732391119, 0.015484110452234745, 0.004551934543997049, 0.03861755505204201, 0.0028206927236169577, -0.04638279229402542, 0.022913238033652306, 0.010315013118088245, -0.03567372262477875, 0.021962866187095642, 0.017674602568149567, -0.011502978391945362, -0.026170000433921814, 0.03219674900174141, 0.01496256422251463, 0.017720961943268776, -0.018636563792824745, 0.04149185121059418, -0.013734035193920135, -0.006264342460781336, -0.0213022418320179, -0.0012307028518989682, -0.019923042505979538, -0.020537307485938072, 0.017628243193030357, -0.021082032471895218, -0.007649336010217667, -0.0004215827211737633, -0.025683224201202393, 0.008060777559876442, -0.0080086225643754, 0.020514128729701042, 0.04580329731106758, 0.007174150086939335, 0.034607451409101486, -0.0036711017601191998, 0.004354905802756548, 0.01717623695731163, 0.006223777774721384, 0.009973111562430859, 0.020062122493982315, 0.0011119062546640635, 0.010123779997229576, -6.120917532825842e-05, -0.013641315512359142, -0.006438191048800945, 0.02535870671272278, -0.004896733909845352, -0.04821399599313736, 0.05985025689005852, 0.05071741342544556, 0.016388121992349625, -0.007736260071396828, -0.044551584869623184, 0.011450824327766895, 0.026216359809041023, 0.03106093965470791, 0.030852321535348892, -0.024315616115927696, -0.006635219324380159, -0.030597344040870667, -0.015600008890032768, 0.014800306409597397, -0.0008518578833900392, 0.023539092391729355, -0.006229572929441929, -0.034700170159339905, -0.014811895787715912, 0.003329199505969882, 0.01944785751402378, 0.014753946103155613, 0.007394358050078154, -0.05572425201535225, -0.004708398133516312, -0.013409517705440521, 0.017894810065627098, -0.015113233588635921, 0.01610996574163437, -0.0065077305771410465, 0.012192578054964542, 0.02688857540488243, 0.013780394569039345, -0.0022382999304682016, -0.005595025606453419, 0.006791682913899422, 0.008727196604013443, 0.011097332462668419, 0.03662409260869026, 0.006988711655139923, -0.003445098642259836, -0.01200713962316513, -0.0089879697188735, -0.03673999384045601, 0.02814028412103653, -0.025103729218244553, 0.017234185710549355, 0.017767321318387985, -0.00544725451618433, 0.010407732799649239, -0.015889756381511688, 0.007579796481877565, 0.019726013764739037, 0.008895250037312508, -0.038756635040044785, 0.004746065009385347, 0.026795854791998863, 0.017929580062627792, -0.027699867263436317, 0.04290581867098808, -0.00022328672639559954, 0.016179503872990608, 0.023562273010611534, -0.007330613676458597, 0.0258454829454422, -6.795486115152016e-05, 0.07014209032058716, 0.0007910108543001115, 0.04476020485162735, -0.0029018218629062176, 0.0452701598405838, -0.0006142648635432124, -0.0005526934983208776, 6.922250759089366e-05, -0.003813078161329031, 0.02577594481408596, 0.03096822090446949, -0.010656915605068207, -0.04130641371011734, 0.004299853928387165, -0.03279942646622658, -0.0030278621707111597, 0.010338193736970425, -0.022530771791934967, -0.018346816301345825, -0.024848751723766327, 0.005595025606453419, 0.006617834325879812, 0.028487980365753174, -0.031339097768068314, 0.02756078913807869, 0.005980389658361673, -0.003303122241050005, -0.03623003512620926, 0.03221993148326874, -0.017767321318387985, 0.038779813796281815, -0.01869451254606247, -0.0036653068382292986, -0.03435247391462326, -0.01351382676512003, -0.05957210063934326, -0.01710669696331024, -0.0002674732240848243, 0.00456642173230648, -0.0076667205430567265, 0.0009503720211796463, -0.015090053901076317, 0.03372661769390106, 0.013328388333320618, 0.003421918721869588, -0.01322407927364111, -0.03662409260869026, 0.003908694721758366, -0.0022861084435135126, 0.03317030146718025, 0.006438191048800945, -0.0010778609430417418, -0.009932546876370907, 0.015090053901076317, 0.016608331352472305, 0.014719177037477493, 0.022275792434811592, 0.026239540427923203, -0.02261190116405487, 0.016677869483828545, -0.016214273869991302, -0.03277624398469925, 0.0022325050085783005, -0.019841913133859634, -0.013235668651759624, 0.006455576047301292, 0.007417537737637758, 0.016052015125751495, -0.011021997779607773, -0.017523933202028275, -0.0019021928310394287, 0.007017686031758785, -0.0339120551943779, 0.003019169671460986, 0.004882246721535921, 0.02145290933549404, -0.004525857046246529, -0.010801789350807667, -0.002675818745046854, -0.011995549313724041, 0.012969101779162884, 0.016735820099711418, 0.022739389911293983, 0.006971326656639576, 0.001437147962860763, 0.012725713662803173, 0.03676317259669304, 0.006044134497642517, -0.036369115114212036, -0.027746226638555527, -0.0026004845276474953, -0.009098073467612267, 0.020572077482938766, 0.0015994065906852484, -0.021962866187095642, -0.021986044943332672, 0.038153961300849915, -0.004195544868707657, -0.0345379114151001, 0.014278760179877281, -0.009619619697332382, -0.0023831736762076616, -0.008680837228894234, -0.015321851707994938, -0.010790199972689152, -0.004951785784214735, -0.02535870671272278, -0.02056048810482025, 0.023805661126971245, 0.01690966822206974, -0.012528684921562672, -0.013038640841841698, -0.018485894426703453, -0.014487378299236298, 0.010975638404488564, 0.021406549960374832, 0.019239239394664764, -0.01238960586488247, 2.9970764444442466e-05, 0.017570292577147484, 0.02176583744585514, -0.001322697615250945, 0.011334924958646297, -0.004870656877756119, 0.02475603297352791, 0.023736121132969856, 0.01869451254606247, 0.008199856616556644, -0.019969401881098747, -0.010622145608067513, -0.0031988131813704967, 0.03574325889348984, -0.002167311729863286, -0.013606545515358448, -0.022356921806931496, 0.0007200227119028568, -0.001805127365514636, 0.01978396438062191, 0.023562273010611534, -0.022206254303455353, 0.019239239394664764, -0.019285598769783974, -0.008234625682234764, 0.011103127151727676, -0.003250967711210251, 0.008396884426474571, -0.013363158330321312, -0.030249645933508873, 0.00992675218731165, 0.009411001577973366, 0.003164043417200446, 0.007243689149618149, -0.027769407257437706, -0.017071926966309547, -0.01200713962316513, -0.010685890913009644, 0.00658885994926095, -0.0028540135826915503, -0.005571845918893814, -0.0160172451287508, 0.013154540210962296, -0.0326603464782238, 0.02355068176984787, 0.026703136041760445, -0.02415335737168789, 0.008037597872316837, 0.0034508935641497374, -0.016851719468832016, -0.030064208433032036, 0.07269187271595001, -0.018659744411706924, 0.041005074977874756, 0.01486984547227621, 0.04246540367603302, -0.0388493537902832, 0.0023730325046926737, 0.011416054330766201, -0.021383371204137802, -0.019633295014500618, 0.017952758818864822, 0.02809392474591732, -0.016121555119752884, 0.03495514765381813, -0.011045177467167377, 0.01288797240704298, -0.0436243936419487, 0.044412508606910706, -0.016782179474830627, 0.0028467699885368347, -0.016075195744633675, 0.042813099920749664, 0.0031988131813704967, 0.010239679366350174, -0.007643540855497122, -0.007081430871039629, 0.024895111098885536, 0.00816508661955595, 0.00884309597313404, 0.015970885753631592, 0.006131058558821678, 0.01458009798079729, 0.046776849776506424, -0.02630908042192459, -0.008663452230393887, -0.0025135602336376905, 0.023921558633446693, -0.004082543309777975, 0.012238937430083752, -0.00102208461612463, -0.021684708073735237, 0.019633295014500618, 0.02922973595559597, 0.014684407040476799, 0.00128647917881608, 0.008970584720373154, -0.011613083072006702, -0.023376833647489548, 0.027074012905359268, -0.021939685568213463, 0.023805661126971245, 0.0006501211319118738, -0.017025567591190338, -0.015020513907074928, 0.02016643062233925, -0.037504926323890686, -0.003262557554990053, 0.012911152094602585, 0.03789898380637169, 0.030110567808151245, -0.010117985308170319, -0.01668946072459221, 0.013131359592080116, -0.008912635035812855, 0.019019030034542084, 0.00488514406606555, -0.030620522797107697, 0.02691175416111946, -0.03092186152935028, -0.04471384361386299, -0.001078585279174149, 0.006420806050300598, -0.007684105541557074, -0.01517118327319622, -0.019610116258263588, 0.012945921160280704, -0.007504462264478207, -0.010981433093547821, -0.03419021517038345, 0.04812127724289894, 0.01949421688914299, -0.035882338881492615, 0.01171739213168621, -0.0036595119163393974, 0.015565239824354649, -0.025057369843125343, 0.009057508781552315, -0.015472520142793655, 0.02533552795648575, -0.015611599199473858, -0.005171994213014841, 0.01006003562361002, 0.02533552795648575, 0.019436266273260117, -0.01712987571954727, 0.007660925853997469, -0.008037597872316837, -0.021221112459897995, -0.016492431983351707, -0.0022948007099330425, 0.02973969094455242, -0.010772814974188805, 0.030690062791109085, 0.027166731655597687, 0.0024918292183429003, -0.021267471835017204, -0.010685890913009644, -0.03043508529663086, -0.024802392348647118, -0.01630699262022972, 0.009382026270031929, -0.01806865818798542, -0.004299853928387165, 0.006090493872761726, -0.006646809168159962, 0.017454393208026886, -0.019065389409661293, 0.008118727244436741, 0.010488862171769142, -0.020212789997458458, 0.006612039636820555, -0.0019079877529293299, -0.04932662844657898, -0.024292437359690666, 0.01855543442070484, 0.023759301751852036, -0.019644886255264282, -0.011421849019825459, 0.028882037848234177, 0.027885306626558304, 0.015878167003393173, 0.03718040883541107, 0.01896108128130436, 0.01697920821607113, 0.008883660659193993, 0.007185739930719137, 0.030597344040870667, -0.03769036382436752, 0.0009619619231671095, -0.01200713962316513, -0.01913492940366268, 0.025150088593363762, -0.01006003562361002, 0.007214714772999287, 0.027398530393838882, 0.027375349774956703, -0.03650819510221481, -0.02533552795648575, 0.022693030536174774, 0.02809392474591732, 0.0011394323082640767, 0.013873113319277763, 0.002961220219731331, 0.01517118327319622, -0.017350085079669952, -0.012551864609122276, 0.0214992705732584, 0.0037174613680690527, -0.013200899586081505, 0.026610417291522026, -0.017917990684509277, -0.00416077533736825, -0.01913492940366268, 0.04710136353969574, -0.009648594073951244, -0.02700447291135788, 0.02644815854728222, 0.010112190619111061, 0.0368095301091671, -0.008252010680735111, -0.004097030498087406, -0.02212512493133545, -0.011050972156226635, 0.01520595233887434, 0.00018018677656073123, -0.004754757508635521, 0.008669246919453144, 0.03572008013725281, 0.004830092191696167, -0.003911592066287994, 0.013050230219960213, 0.008535963483154774, -0.016249043866991997, -0.052571799606084824, 0.002571509685367346, 0.01971442438662052, -0.027282631024718285, -0.017628243193030357, 0.007382768206298351, -0.00416077533736825, 0.007684105541557074, -0.012111448682844639, 0.010755429975688457, 0.011404464021325111, 0.011972369626164436, -0.00844324380159378, -0.012088268995285034, 0.042789921164512634, 0.006913376972079277, 0.028835678473114967, 0.05920122563838959, -0.038153961300849915, -0.05618784949183464, -0.015043693594634533, -0.02270461991429329, 0.012273707427084446, -0.006246957462280989, -0.025405067950487137, 0.02869660034775734, -0.0020311304833739996, 0.0010778609430417418, -0.003346584504470229, 0.011624672450125217, 0.00026457576313987374, -0.0018833591602742672, 0.007417537737637758, 0.0034248162992298603, 0.013490647077560425, -0.0030742217786610126, 0.012459145858883858, -0.008425859734416008, 0.025011010468006134, 0.02292482741177082, -0.06467165797948837, 0.052989035844802856, -0.03092186152935028, 0.001934065017849207, 0.010755429975688457, -0.02352750301361084, -0.015414570458233356, 0.05215456336736679, -0.012088268995285034, -0.016144733875989914, 0.004754757508635521, -0.005487819202244282, 0.0029163092840462923, -0.0388493537902832, 0.017326904460787773, -0.03154771402478218, 0.021047264337539673, 0.004575114231556654, 0.004441830329596996, -0.004412855487316847, -0.015356621704995632, 0.02577594481408596, -0.037620823830366135, -0.006924966815859079, -0.0021035673562437296, 0.00036544413887895644, 0.023898379877209663, 0.010656915605068207, -0.027676688507199287, -0.0075971814803779125, -0.012157808057963848, 0.019192880019545555, -0.009103869087994099, 0.0031959156040102243, -0.0368095301091671, -0.013664495199918747, -0.01089450903236866, -0.018416356295347214, 0.012331657111644745, 0.03880299627780914, -0.003847847692668438, -0.002003604546189308, 0.012470735237002373, 0.03833939880132675, -0.03954475000500679, -0.05915486440062523, 0.00014586979523301125, 0.0056008207611739635, 0.003859437769278884, 0.01123061589896679, -0.0009322628029622138, 0.034700170159339905, 0.005783361382782459, 0.010964048095047474, -0.012702533975243568, 0.005922440439462662, -0.006270137615501881, -0.019575346261262894, 0.031779512763023376, -0.02528916858136654, 0.008344730362296104, -0.01380357425659895, 0.020108481869101524, 0.022067174315452576, 0.008622887544333935, 0.008953199721872807, -0.016191095113754272, 0.03326302021741867, 0.020977724343538284, 0.0005324111552909017, 0.00962541438639164, -0.015947706997394562, 0.009213972836732864, -0.004940195940434933, -0.002448366954922676, -9.480178414378315e-05, 0.03421339392662048, -0.013641315512359142, -0.024547414854168892, 0.049697503447532654, 0.00011300155165372416, 0.014023782685399055, 0.009486335329711437, -0.021197931841015816, 0.020062122493982315, -0.038663916289806366, 0.0034277138765901327, -0.0009264678810723126, -0.01710669696331024, -0.01773255132138729, 0.028905218467116356, 0.02987876906991005, 0.028372082859277725, -0.018926311284303665, 0.0012618507025763392, 0.01944785751402378, 0.04253494367003441, 0.008037597872316837, 0.025636864826083183, 0.0020456179045140743, 0.007185739930719137, 0.031130479648709297, -0.023944739252328873, -0.012401196174323559, -0.01889154128730297, 0.0032133006025105715, -0.028974756598472595, 0.016793768852949142, 0.028395261615514755, 0.053545352071523666, -0.002594689605757594, 0.029438354074954987, 0.003224890446290374, 0.02862706035375595, -0.037018150091171265, 0.00631649699062109, 0.014788716100156307, -0.016654690727591515, -0.012320066802203655, 0.001825409708544612, -2.057660458376631e-05, -0.022890057414770126, 0.003505945671349764, 0.0146264573559165, 0.009225563146173954, 0.011705801822245121, 0.0022948007099330425, 0.009248742833733559, 0.02290164865553379, 0.020595258101820946, 0.027050834149122238, -0.03045826405286789, 0.028905218467116356, 0.04747224226593971, 0.025984562933444977, 0.026054101064801216, -0.007660925853997469, -0.0182888675481081, -0.027862126007676125, 0.025103729218244553, 0.009150228463113308, 0.005311072804033756, 0.006113673560321331, -0.05669780448079109, 0.0017297930316999555, -0.004317238926887512, 0.030041027814149857, 0.012957511469721794, 0.020838646218180656, 0.017975939437747, -0.0011271180119365454, 0.02693493478000164, 0.02990194968879223, 0.030620522797107697, -0.03370343893766403, 0.0034364061430096626, -0.029067477211356163, 0.026494517922401428, -0.009689158760011196, -0.005035812966525555, -0.004635961260646582, 0.010228089056909084, 0.005267610773444176, -0.021800607442855835, 0.001716754399240017, 0.018613383173942566], "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f": [0.011328039690852165, 0.0090405298396945, 0.03343657776713371, 0.018884122371673584, 0.0294942744076252, -0.016426265239715576, 0.05251538008451462, 0.02742578089237213, -0.0013711369829252362, 0.05368347093462944, 0.021658336743712425, -0.024834081530570984, -0.021536659449338913, 0.02504093013703823, 0.01674262434244156, 0.019699351862072945, -0.026306360960006714, 0.024493388831615448, -0.1047387421131134, 0.034215305000543594, 0.020733598619699478, 0.061616748571395874, -7.167479634517804e-05, 0.0005718774045817554, 0.024602895602583885, 0.044509097933769226, -0.019309988245368004, -0.02216937579214573, -0.00683210976421833, -0.021244637668132782, -0.003087529679760337, -0.020441574975848198, -0.015525863505899906, -0.02347130887210369, 0.0252356119453907, -0.015306846238672733, -0.004794036038219929, 0.04338967800140381, 0.03638113662600517, -0.00579482177272439, -0.04083448275923729, -0.012240610085427761, -0.003358258865773678, -0.0025019636377692223, -0.029567278921604156, 0.056214332580566406, -0.04453343152999878, -0.027255434542894363, -0.043170660734176636, -0.004477678332477808, -0.06697049736976624, 0.026136014610528946, -0.024505555629730225, 0.046115219593048096, -0.00401226757094264, 0.012307532131671906, 0.007489160634577274, 0.009034446440637112, -0.010226871818304062, -0.00044411755516193807, 0.01217977236956358, -0.0013437598245218396, -0.008395646698772907, 0.021232470870018005, 0.03416663408279419, 0.01726583018898964, -0.022899432107806206, -0.010926509276032448, -0.038692981004714966, 0.02176784537732601, 0.01660878024995327, 0.032974209636449814, 0.010494559071958065, -0.00598950358107686, -0.03338790684938431, 0.03638113662600517, -0.0013156222412362695, 0.021536659449338913, 0.038960669189691544, -0.032317157834768295, 0.02455422654747963, -0.025819657370448112, -0.03037034161388874, -0.013980577699840069, -0.019662849605083466, -0.00936905574053526, -0.10026106238365173, -0.042586617171764374, -0.031465426087379456, -0.038692981004714966, 0.025941332802176476, 0.07884607464075089, -0.020672760903835297, 0.02480974607169628, 0.011054269038140774, -0.026038674637675285, 0.014150924049317837, -0.01670612022280693, -0.016438433900475502, 0.07023141533136368, 0.009375139139592648, -0.014053583145141602, -0.007476992905139923, 0.0024472095537930727, 0.027133759111166, 0.007854188792407513, -0.0021840850822627544, 0.009137870743870735, 0.0012791194021701813, -0.025746650993824005, -0.06560772657394409, -0.005688355304300785, -0.025454629212617874, -0.0051621063612401485, 0.01821490377187729, 0.008523407392203808, 0.033631257712841034, -0.024967923760414124, -0.010318128392100334, -0.07417371869087219, -0.020015709102153778, -0.0019148767460137606, 0.008462568745017052, -0.02135414630174637, -0.033071547746658325, 0.018263574689626694, 0.0005916497902944684, 0.00918654166162014, -0.03195212781429291, 0.00692336680367589, 0.0050252205692231655, 0.0011353895533829927, 0.013652052730321884, -0.009308217093348503, -0.008054953999817371, -0.002462418982759118, -0.004547642078250647, 0.0409318208694458, -0.016487104818224907, -0.0494978167116642, -0.05008186027407646, -0.06687315553426743, -0.03428830951452255, 0.016779126599431038, 0.03567541763186455, -0.06424495577812195, -0.035651080310344696, 0.0009201751090586185, 0.0072579761035740376, -0.01775253564119339, 0.01864076964557171, -0.010147782042622566, -0.011115106754004955, -0.0018646854441612959, 0.027742138132452965, -0.009125703014433384, -0.005806989502161741, 0.07689926028251648, -0.007410071324557066, 0.05061723664402962, -0.08249635994434357, -0.020782269537448883, 0.024870583787560463, -0.022218046709895134, -0.013822399079799652, -0.024079689756035805, 0.02199902944266796, -0.04453343152999878, -0.018385250121355057, -0.027109423652291298, -0.018129730597138405, -0.028593869879841805, -0.051541972905397415, -0.02798549085855484, 0.024432549253106117, -0.022935934364795685, -0.013810231350362301, -0.006229813676327467, -0.01141321286559105, -0.0062480648048222065, -0.0117721576243639, -0.009101368486881256, -0.013883236795663834, -0.02628202550113201, 0.019236983731389046, -0.023203622549772263, 0.036794837564229965, -0.006826026365160942, -0.032779525965452194, -0.0032852531876415014, 0.012319699861109257, 0.007945445366203785, 0.007787266746163368, -0.10123447328805923, -0.039934076368808746, -0.07032875716686249, 0.012356202118098736, -0.032706521451473236, -0.023945845663547516, 0.03389894589781761, 0.031003056094050407, -0.027961155399680138, 0.02818017266690731, -0.026695724576711655, -0.018628602847456932, -0.02042940817773342, -0.0038175859954208136, 0.00720930565148592, 0.0018129730597138405, -0.008353060111403465, 0.05465687811374664, -0.027839479967951775, 0.011358458548784256, -0.021232470870018005, -0.016852132976055145, 0.017302334308624268, -0.02693907730281353, 0.015574533492326736, -0.01670612022280693, -0.0018570806132629514, -0.02740144543349743, -0.0037172031588852406, 0.017533518373966217, -0.02104995585978031, 0.03173311427235603, -0.013858901336789131, 0.03733021020889282, 0.04124817997217178, 0.021536659449338913, 0.0034921024926006794, 0.013408700004220009, 0.04470377787947655, 0.024493388831615448, -0.041467197239398956, 0.07933278381824493, -0.0466262623667717, 0.059815943241119385, 0.013165348209440708, -0.058599185198545456, -0.012788152322173119, 0.001992445206269622, 0.04609088599681854, 0.002608430339023471, 0.06813858449459076, 0.000692792993504554, -0.029348261654376984, -0.01784987561404705, -0.0366244912147522, 0.017022479325532913, -0.05558161810040474, 0.0010015459265559912, 0.01844608783721924, 0.05889120697975159, -0.039374370127916336, -0.006479249335825443, -0.060302648693323135, -0.005706606432795525, 0.045263487845659256, 0.011893833056092262, -0.06531570106744766, 0.051639314740896225, -0.010086944326758385, -0.05368347093462944, -0.024018852040171623, -0.012222358956933022, 0.0075439149513840675, 0.015598868951201439, 0.06302819401025772, -0.013141012750566006, -0.05986461415886879, -0.011553140357136726, 0.025868326425552368, 0.019967038184404373, 0.0084504010155797, -0.011668732389807701, 0.03290120139718056, 0.007683842442929745, -0.021560994908213615, 0.019297821447253227, 0.02056325227022171, -0.005277698393911123, 0.03292553871870041, 0.01480797491967678, -0.02418919838964939, 0.021889520809054375, 0.01604907028377056, 0.004422924481332302, 0.01755785383284092, -0.04920579120516777, 0.06901465356349945, -0.006728685460984707, -0.038498301059007645, -0.04244060441851616, 0.025284282863140106, 0.021013453602790833, 0.0039392621256411076, 0.0211837999522686, -0.002483712276443839, -0.03528605401515961, 0.006460998207330704, 0.0004171206965111196, 0.009241295978426933, -0.07013407349586487, -0.06400159746408463, -0.033460911363363266, 0.008523407392203808, 0.03436131402850151, 0.05387815460562706, 0.02223021350800991, -0.0618601031601429, -0.019529005512595177, 0.004030519165098667, 0.0647803246974945, 0.003601610893383622, -0.01618291437625885, 0.0015308368019759655, -0.0008410856826230884, 0.017971551045775414, -0.01703464612364769, -0.010245122946798801, -0.034215305000543594, -0.018786780536174774, -0.021500157192349434, -0.006759104318916798, 0.0176186915487051, -0.014138756319880486, 0.012149353511631489, 0.0015133458655327559, -0.0030540686566382647, 0.0015620162012055516, -0.019115306437015533, -0.06137339770793915, -0.0043985890224576, 0.0022662163246423006, -0.012362286448478699, 0.04321933165192604, -0.009460312314331532, 0.011778241023421288, -0.0010798749281093478, 0.021560994908213615, 0.005475421901792288, -0.018494758754968643, 0.004182613920420408, 0.020879609510302544, -0.0394960455596447, -0.06463431566953659, 0.008140127174556255, 0.02409185655415058, -0.03243883326649666, 0.030784038826823235, -0.013165348209440708, 0.003638113848865032, -0.01916397735476494, -0.0204659104347229, 0.0012814009096473455, 0.01199725829064846, 0.024055354297161102, -0.007020707707852125, -0.04626123234629631, -0.0030571105889976025, -0.03655148297548294, -0.0033825940918177366, 0.025649311020970345, 0.014114420861005783, 0.018677273765206337, 0.01126111764460802, -0.08040352910757065, -0.0580638088285923, -0.014601125381886959, -0.004727114457637072, -0.003519479651004076, -0.008937105536460876, 0.026136014610528946, 0.0018783739069476724, -0.05660369619727135, 0.03742755204439163, 0.02399451658129692, 0.05256405100226402, -0.005901288241147995, 0.04073714092373848, 0.10493341833353043, 0.011121190153062344, -0.005043472163379192, -0.054218847304582596, 0.03956905007362366, 0.019200479611754417, -0.0037780411075800657, -0.010129530914127827, -0.011540972627699375, 0.01697380840778351, -0.005137770902365446, 0.0011004076804965734, 0.01163831353187561, -0.04509314149618149, 0.004879209212958813, -0.0280828308314085, -0.01918831281363964, 0.033825941383838654, 0.03647847846150398, -0.04217291623353958, 0.01042763702571392, -0.03900934010744095, -0.025357287377119064, 0.03769524022936821, 0.015635371208190918, -0.007124132476747036, 0.016134243458509445, 0.013080175034701824, 0.026233354583382607, 0.006527919787913561, 0.018348747864365578, 0.0054602124728262424, 0.04273262619972229, -0.00711804861202836, 0.05003318935632706, -0.04051812365651131, 0.020903944969177246, 0.050763245671987534, 0.0147471372038126, -0.05339144915342331, 0.0015521300956606865, -0.02589266188442707, -0.032876867800951004, -0.02742578089237213, -0.06575373560190201, -0.011078603565692902, -0.012739482335746288, -0.030297335237264633, 0.040785811841487885, -0.06585107743740082, -0.003373468294739723, 0.026963410899043083, -0.012642141431570053, 0.010701408609747887, -0.03844963014125824, -0.03248750418424606, 0.0022084203083068132, 0.04404672980308533, -0.0008593370439484715, -0.015915226191282272, -0.002571927383542061, -0.004775784909725189, 0.012234526686370373, -0.04141852632164955, 0.023592986166477203, 0.0052472795359790325, -0.028107166290283203, -0.0076716747134923935, 0.049449145793914795, 0.026695724576711655, -0.04643157869577408, -0.019821027293801308, 0.03776824474334717, 0.02350781112909317, -0.03633246570825577, -0.03253617510199547, 0.00012890055950265378, -0.04930313304066658, -0.017874211072921753, -0.022838594391942024, -0.055046241730451584, 0.002031989861279726, 0.0390336737036705, -0.01160789467394352, 0.04251360893249512, 0.031538430601358414, -0.043925050646066666, 0.0007992595201358199, -0.010348547250032425, -0.03762223199009895, -0.019151808694005013, 0.007744680158793926, -0.0017536559607833624, -0.045555513352155685, -0.020356401801109314, 0.0026236397679895163, 0.01707114838063717, 0.0338016040623188, -0.03173311427235603, -0.01821490377187729, 0.01503915898501873, 0.02732843905687332, -0.044582102447748184, 0.013785895891487598, 0.054267518222332, 0.026038674637675285, 0.025746650993824005, 0.03976373001933098, -0.034799348562955856, -0.013530376367270947, -0.03324189409613609, -0.004581103101372719, 0.019370825961232185, -0.010433721356093884, -0.0004254859231878072, -0.002649495843797922, 0.010354631580412388, -0.06463431566953659, -0.018202736973762512, 0.014138756319880486, -0.022291051223874092, -0.0054815057665109634, -0.012836823239922523, 0.047137301415205, 0.04151586815714836, 0.05086058750748634, 0.02023472636938095, -0.03304721415042877, -0.04937613755464554, -0.03161143511533737, 0.021232470870018005, 0.005399374756962061, -0.005761360749602318, -0.03112473338842392, -0.03762223199009895, -0.013883236795663834, 0.02560064010322094, 0.011121190153062344, -0.029299592599272728, -0.010817000642418861, -0.014528119936585426, 0.011510553769767284, 5.513445648830384e-05, 0.0027179387398064137, -0.03385027498006821, -0.010841336101293564, -0.011790408752858639, 0.009886179119348526, -0.01850692741572857, -0.041637543588876724, 0.018482591956853867, -0.0021992945112288, 0.007032875437289476, 0.0009574383730068803, -0.006631344556808472, -0.007105880882591009, -0.016353260725736618, -0.014929650351405144, -0.0015308368019759655, -0.025259947404265404, 0.00451113935559988, -0.04577452689409256, 0.04633423686027527, -0.010366799309849739, -0.0023118448443710804, -0.03066236339509487, 0.0006387992179952562, -0.011163776740431786, 0.010512810200452805, -0.0015133458655327559, 0.016949472948908806, 0.023751163855195045, 0.03324189409613609, -0.006196352653205395, 0.023678159341216087, -0.02141498401761055, -0.014978321269154549, -0.006108137313276529, 0.007093713618814945, -0.0023072820622473955, 0.005472380202263594, 0.006813858635723591, 0.032803863286972046, -0.0122588612139225, 0.011498386040329933, 0.016779126599431038, -0.0015604952350258827, -0.013408700004220009, 0.0033308817073702812, 0.03455599769949913, 0.01726583018898964, 0.0008593370439484715, -0.04083448275923729, -0.03419096767902374, 0.02654971368610859, -0.011188112199306488, -0.02174350991845131, 0.005962126422673464, 0.011401045136153698, 0.0050678071565926075, -0.0038388792891055346, -0.01645060069859028, 0.005381123162806034, 0.05339144915342331, -0.021232470870018005, -0.018190568313002586, -0.0008889955934137106, 0.03151409700512886, -0.017107652500271797, 0.013141012750566006, 0.030808374285697937, -0.022254548966884613, 0.03273085504770279, 0.00530507555231452, -0.014503784477710724, 0.023203622549772263, -0.03492102399468422, 0.0009414684027433395, -0.0018129730597138405, -0.0031240324024111032, 0.00922304391860962, 0.006667847279459238, -0.016985975205898285, -0.024104025214910507, -0.018166232854127884, -0.0076290881261229515, 0.007574333809316158, 0.002009175717830658, 0.015586701221764088, -0.0096306586638093, 0.015063494443893433, -0.03285253047943115, 0.01162006240338087, -0.0012007905170321465, -0.03521304577589035, 0.014905315823853016, 0.009618491865694523, 0.017497016116976738, -0.004121776204556227, 0.051541972905397415, 0.011845163069665432, 0.024469053372740746, 0.014345605857670307, -0.005323327146470547, 0.028326183557510376, 0.04913278669118881, 0.007507412228733301, -0.00944814458489418, -0.032511837780475616, -0.0005536259850487113, -0.01503915898501873, -0.020344235002994537, 0.03939870372414589, -0.009289965964853764, 0.012739482335746288, 0.007288394961506128, -0.024116192013025284, 0.0014996572863310575, -0.011096855625510216, -0.007848105393350124, -0.016657451167702675, -0.02513827197253704, 0.032025136053562164, -0.00031198497163131833, 0.005454128608107567, -0.008961440995335579, -0.005785695742815733, -0.004851832520216703, -0.014929650351405144, -0.029859300702810287, 0.05149330198764801, -0.0025658435188233852, 0.054121505469083786, -0.01023295521736145, 0.02317928709089756, -0.025624975562095642, -0.006314986851066351, 0.024907086044549942, -0.01158964354544878, -0.003230499103665352, -0.03823061287403107, 0.018689440563321114, 0.021074291318655014, -0.04433875158429146, -0.006114221177995205, 0.0001020938070723787, 0.0073005626909434795, -0.024201365187764168, 0.014394275844097137, -0.03148975968360901, -0.02618468552827835, 0.0333392359316349, 0.014430779032409191, -0.018093228340148926, -0.018519094213843346, 0.02350781112909317, 0.025770986452698708, -0.042975980788469315, -0.004319499712437391, 0.015805717557668686, -0.008261803537607193, -0.016864299774169922, -0.022862929850816727, 0.0009574383730068803, -0.0007038198527880013, 0.03633246570825577, 0.06619177013635635, 0.0037597897462546825, -0.007337065413594246, 0.012629973702132702, 0.006722601596266031, -0.0038571306504309177, 0.016036903485655785, -0.02922658622264862, -0.010074776597321033, -0.0004878448962699622, -0.01178432535380125, 0.0008707441738806665, -0.020538916811347008, -0.06920933723449707, -0.0015665790997445583, 0.0010935635073110461, -0.011583559215068817, -0.006759104318916798, -0.03312021866440773, 0.0064488304778933525, -0.02104995585978031, 0.018871955573558807, 0.04567718878388405, 0.011887749657034874, -0.019151808694005013, 0.011206364259123802, 0.006150723900645971, 0.010731827467679977, -0.012690811417996883, 0.02059975452721119, 7.172232290031388e-05, -0.008864100091159344, 0.023824170231819153, 0.014917483553290367, 0.03436131402850151, 0.0304676815867424, -0.004009225871413946, -0.028326183557510376, 0.031562767922878265, 0.00542675144970417, -0.020149553194642067, 0.045847535133361816, -0.025673646479845047, 0.024152694270014763, -0.03304721415042877, -0.015574533492326736, -0.007178886793553829, -0.012052012607455254, -0.012039844878017902, 0.014333438128232956, -0.02288726344704628, -0.0021445401944220066, -0.015744879841804504, -0.020733598619699478, -0.012064180336892605, -0.027158092707395554, -0.04399805888533592, 0.0075560822151601315, 0.023008940741419792, 0.0152338407933712, 0.01589089073240757, 0.040785811841487885, 0.006369741167873144, 0.02360515296459198, 0.014150924049317837, 0.009648910723626614, -0.017922881990671158, 0.028958898037672043, 0.04387638345360756, 0.01317751593887806, -0.0033673846628516912, 0.03175744786858559, -0.0781160220503807, 0.020344235002994537, 0.011109023354947567, 0.07101014256477356, -0.02435954473912716, 0.004678444005548954, -0.024493388831615448, 0.0009102889453060925, -0.006740852724760771, -0.016681786626577377, 0.012082431465387344, 0.00649750092998147, 0.008821513503789902, -0.01676695980131626, -0.0005912695196457207, 0.019991373643279076, 0.01404141541570425, -0.07621787488460541, -0.02184084989130497, -0.028034161776304245, 0.038400959223508835, -0.02304544299840927, -0.0451904833316803, -0.007860272191464901, -0.01726583018898964, -0.0027483575977385044, -0.00452026491984725, -0.00708762975409627, 0.006327154580503702, -0.007842021062970161, 0.02219371125102043, -0.040396448224782944, 0.0057248580269515514, -0.011632230132818222, -0.013068007305264473, 0.02730410546064377, 0.013980577699840069, 0.010920424945652485, -0.013591214083135128, -0.0347263440489769, 0.0332905650138855, -0.019042301923036575, 0.008760674856603146, 0.023495644330978394, -0.026428036391735077, 0.0418565608561039, 0.01693730615079403, -0.005730941891670227, 0.01537985261529684, 0.050227873027324677, -0.019200479611754417, -0.037159863859415054, -0.018579931929707527, -0.011595726944506168, 0.003829753492027521, 0.04066413268446922, 0.012727314606308937, -0.019675016403198242, 0.01647493615746498, -0.045823197811841965, 0.00012585865624714643, -0.0006977360462769866, 0.05694438889622688, -0.025211276486516, -0.040785811841487885, 0.005055639892816544, -0.03214681148529053, 0.011297620832920074, -0.0020228642970323563, -0.043365344405174255, 0.0012874846579506993, 0.04399805888533592, -0.002483712276443839, 0.014090086333453655, -0.0035772756673395634, -0.035261716693639755, -0.02331313118338585, -0.002771171974018216, -0.04175921902060509, -0.007702093571424484, -0.005168190225958824, 0.04256227985024452, -0.00011397623165976256, -0.008109708316624165, -0.01044588815420866, 0.030954385176301003, 0.0128489900380373, 0.012295364402234554, -0.008164462633430958, -0.013773728162050247, 0.03854697197675705, 0.032609179615974426, 0.0017566978931427002, -0.03825495019555092, 0.023008940741419792, -0.006430578883737326, -0.003680700436234474, -0.02409185655415058, -0.024639399722218513, 0.05314809828996658, -0.03533472493290901, -0.007324898149818182, -0.013883236795663834, 0.022802090272307396, -0.0041521950624883175, -0.03467767313122749, 0.0064914170652627945, 0.0017323626670986414, 0.0666298046708107, -0.011461883783340454, -0.01318968366831541, 0.007324898149818182, 0.009746251627802849, -0.0077568478882312775, 0.04998451843857765, -0.01098734699189663, -0.024992259219288826, -0.019954871386289597, 0.028861558064818382, 0.004745365586131811, 0.006600925698876381, 0.013554711826145649, 0.032682184129953384, -0.007178886793553829, -0.008328725583851337, -0.01980886049568653, -0.0006452632951550186, -0.01680346205830574, -0.03129507973790169, 0.024043187499046326, -0.041369855403900146, -0.021950358524918556, -0.00978883821517229, 0.0006064790650270879, -0.00275444146245718, -0.01707114838063717, 0.008541658520698547, 0.04533649608492851, 0.025089601054787636, 0.009101368486881256, 0.016693953424692154, 0.01683996431529522, 0.013214018195867538, -0.0046328152529895306, -0.009387306869029999, 0.02657404914498329, -0.013445203192532063, 0.009892262518405914, 0.028155837208032608, 0.00034012258402071893, 0.004635857418179512, 0.028009826317429543, 0.00642449501901865, -0.04436308518052101, 0.054121505469083786, 0.03321756049990654, 0.0030510269571095705, 0.005165148060768843, -0.04723463952541351, -0.004188697785139084, 0.06117871403694153, 0.022218046709895134, 0.03947170823812485, -0.023860672488808632, -0.03703818842768669, -0.0068625290878117085, -0.022059867158532143, 0.02122030220925808, -0.015051326714456081, 0.005298991687595844, 0.00137722073122859, -0.02560064010322094, -0.011121190153062344, 0.0029521649703383446, 0.01101776584982872, 0.03024866431951523, 0.00041636021342128515, -0.051541972905397415, 0.019151808694005013, -0.01889628916978836, 0.025624975562095642, -0.002299677347764373, -0.0029278297442942858, 0.005895204376429319, 0.02399451658129692, 0.004614564124494791, 0.011467967182397842, -0.018093228340148926, -0.009527234360575676, 0.0031392420642077923, 0.011060352437198162, -0.023629488423466682, 0.02912924624979496, 0.00978883821517229, 0.011273285374045372, -0.011297620832920074, -0.016487104818224907, -0.015209505334496498, 0.015112164430320263, -0.006667847279459238, 0.000647544686216861, 0.030857045203447342, 0.019309988245368004, -0.0031149068381637335, -0.025259947404265404, 0.008164462633430958, 0.03881466016173363, 0.010573647916316986, -0.051055267453193665, 0.006308902986347675, 0.04081014543771744, 0.026793064549565315, -0.029834967106580734, 0.031441088765859604, -0.015769215300679207, 0.015939561650156975, 0.04674793779850006, -0.0117721576243639, 0.02501659467816353, -0.01541635487228632, 0.0371355302631855, -0.015708377584815025, 0.030881380662322044, -0.0032974209170788527, 0.043170660734176636, 0.004030519165098667, 0.0027848605532199144, 0.010482391342520714, 0.012289281003177166, 0.02147582173347473, 0.03514004126191139, 0.016693953424692154, -0.04538516327738762, -0.010695324279367924, -0.02108645811676979, -0.006838193628937006, -0.003829753492027521, -0.01536768488585949, -0.015173003077507019, 0.003966639284044504, -0.01719282567501068, 0.02825317718088627, 0.02389717474579811, -0.030053982511162758, 0.0347750149667263, -0.015063494443893433, 0.0008677022997289896, -0.017703864723443985, 0.041150838136672974, 0.006728685460984707, 0.02275342121720314, 0.009782753884792328, -0.0001441100612282753, -0.04609088599681854, 0.0032183313742280006, -0.026963410899043083, -0.029469938948750496, 0.004359044134616852, -0.013591214083135128, -0.00922304391860962, 0.0004167404549662024, -0.0032974209170788527, 0.02893456444144249, 0.04348701983690262, 0.01742400974035263, -0.0366244912147522, -0.014029247686266899, 0.0192613173276186, 0.00985575933009386, 0.03158710151910782, -0.03876598924398422, -0.02873988263309002, 0.011151609942317009, 0.02478541061282158, 0.004851832520216703, 0.025065265595912933, 0.010196452960371971, 0.050763245671987534, -0.012240610085427761, 0.017338836565613747, -0.0010730306385084987, -0.032876867800951004, 0.0023072820622473955, -0.0024913169909268618, -0.008997943252325058, -0.004140027333050966, -0.0073431492783129215, 0.024700237438082695, 0.01203376054763794, -0.014150924049317837, 0.005113435909152031, -0.013141012750566006, -0.04689394682645798, -0.0046754018403589725, 0.02294810302555561, 0.004930921830236912, 0.013518208637833595, -0.03528605401515961, -0.004608480259776115, -0.022011196240782738, 0.013141012750566006, 0.01955334097146988, 7.319574797293171e-05, 0.007726429030299187, -0.004690611734986305, -0.004614564124494791, 0.04158887267112732, 0.005292907822877169, -0.020246893167495728, -0.007008540444076061, -0.0147471372038126, -0.005983419716358185, 0.01042763702571392, -0.009028363041579723, -0.01990620046854019, -0.020295564085245132, 0.0338016040623188, -0.0084504010155797, -0.007391819730401039, -0.0009696059860289097, -0.018981462344527245, -0.031076062470674515, -0.023069778457283974, 0.02883722260594368, -0.018592100590467453, -0.009393390268087387, -0.047064293175935745, 0.0017871168674901128, 0.029348261654376984, 0.03988540917634964, 0.006990288849920034, 0.0015072620008140802, -0.0005239674937911332, 0.021755676716566086, -0.008955356664955616, 0.005028262734413147, 0.030686698853969574, 0.004626731853932142, 0.018117563799023628, 0.015477192588150501, 0.005800905637443066, 0.0018981463508680463, 0.009089200757443905, -0.005764402449131012, 0.018494758754968643, 0.035067036747932434, 0.011504470370709896, 0.024079689756035805, -0.005283782258629799, -0.008492987602949142, -0.0034677672665566206, 0.037938591092824936, -0.0065765902400016785, -0.030492017045617104, 0.002260132459923625, -0.004133943468332291, -0.008456485345959663, 0.028058495372533798, 0.03063802793622017, -0.014929650351405144, 0.02364165522158146, 0.0025795320980250835, -0.0043529607355594635, 0.030516352504491806, -0.017862044274806976, 0.030589357018470764, -0.009259547106921673, -0.013652052730321884, 0.017862044274806976, -0.008243552409112453, -0.008140127174556255, 0.01608557254076004, -0.022218046709895134, -0.04514181241393089, -0.01885978691279888, -0.026306360960006714, 0.010403301566839218, 0.002672310220077634, -0.017862044274806976, -0.009387306869029999, 0.00980708934366703, -0.018421754240989685, 0.015781383961439133, -0.011601811274886131, 0.013481705449521542, 0.019504670053720474, 0.012763816863298416, -0.01683996431529522, -0.03209814056754112, 0.0790407583117485, -0.009058781899511814, 0.024505555629730225, -0.010111279785633087, 0.0035924853291362524, -0.03083270974457264, 0.007817685604095459, 0.0015726628480479121, -0.04265962168574333, -0.005785695742815733, 0.02438388019800186, 0.03148975968360901, -0.00938122346997261, 0.059913285076618195, -0.029761960729956627, 0.004873125813901424, -0.04798903316259384, 0.02193819172680378, -0.017971551045775414, 0.014004913158714771, 0.0075013283640146255, 0.015392019413411617, 0.01821490377187729, 0.0061628916300833225, -0.010792665183544159, -0.015392019413411617, 0.019236983731389046, 0.0019011881668120623, 0.01912747509777546, 0.010245122946798801, -0.0010213182540610433, 0.0015308368019759655, 0.054218847304582596, -0.007981948554515839, -0.016170745715498924, -0.0038145440630614758, 0.02042940817773342, -0.0062784841284155846, 0.0014449030859395862, -0.04217291623353958, -0.0009855759562924504, 0.002673831069841981, 0.020088715478777885, 0.017010310664772987, -0.005070849321782589, -0.008645082823932171, -0.022765588015317917, -0.01844608783721924, 0.013907572254538536, -0.027450116351246834, 0.03299854323267937, 0.011644397862255573, -0.007872439920902252, -0.0041734883561730385, -0.00804278627038002, -0.024517722427845, -0.0004365128115750849, 0.02693907730281353, 0.019297821447253227, 0.005609265528619289, -0.008979692123830318, -0.00442900788038969, 0.010646654292941093, 0.02873988263309002, -0.003333923639729619, 0.01912747509777546, -0.04178355261683464, 0.02723109908401966, -0.04409540072083473, -0.021524492651224136, 0.01082308404147625, -0.00039240525802597404, 0.017399674281477928, -0.016876468434929848, -0.02327662706375122, -0.001697380794212222, -0.01023295521736145, 0.0006950743845663965, -0.02203553169965744, 0.024675901979207993, 0.027060752734541893, -0.0235686507076025, 0.00335521693341434, -0.0023696410935372114, -0.01909097097814083, -0.01814189925789833, 0.009886179119348526, -0.007823769934475422, 0.013773728162050247, -0.016949472948908806, -0.003227457171306014, -0.001718674087896943, 0.03017565980553627, 0.0039027591701596975, -0.013579046353697777, 0.017022479325532913, -0.026233354583382607, 0.010032190009951591, 0.0016441475600004196, -0.00022605128469876945, 0.013542544096708298, -0.0023878924548625946, 0.03173311427235603, 0.007890691980719566, -0.01951683685183525, -0.012581302784383297, -0.016438433900475502, 0.0002374584146309644, -0.01104818470776081, -0.0211837999522686, 0.014296934939920902, -0.0006676972843706608, 0.005557553377002478, 0.016073405742645264, -0.004176530055701733, -0.003537731012329459, -0.009180457331240177, 0.016207249835133553, -0.0029171830974519253, -0.031100397929549217, 0.020867442712187767, 0.01039721816778183, -0.042878638952970505, -0.02193819172680378, 0.019407330080866814, 0.005907372105866671, -0.013214018195867538, -0.019139641895890236, 0.028058495372533798, 0.013335694558918476, -0.003061673603951931, 0.03501836583018303, 0.006753020454198122, -0.0004349918744992465, 0.020818771794438362, 0.036697495728731155, -0.006655679550021887, -0.027474451810121536, 0.002355952514335513, -0.009898345917463303, -0.01628025434911251, 0.008407814428210258, -0.019480334594845772, 0.012508297339081764, 0.013384365476667881, 0.01771603152155876, -0.0428299680352211, 0.003622904187068343, 0.0065340036526322365, 0.026598382741212845, 0.008742423728108406, 0.01199725829064846, 0.0026662263553589582, 0.009131787344813347, -0.010299877263605595, 0.005895204376429319, -0.0010395697318017483, 0.0017932007322087884, -0.00384496315382421, -0.008626831695437431, -0.04217291623353958, -0.01399274542927742, -0.021439319476485252, 0.013579046353697777, -0.023787666112184525, -0.018056726083159447, 0.030978720635175705, -0.004188697785139084, 0.014625460840761662, -0.0024548142682760954, 0.0012973708799108863, -0.020782269537448883, 0.00039582737372256815, 0.006826026365160942, -0.004784910473972559, -0.024213533848524094, -0.0017506141448393464, 0.042975980788469315, -0.02331313118338585, -0.029640285298228264, -0.011893833056092262, 0.008505155332386494, -0.019857531413435936, -0.04251360893249512, 0.015915226191282272, -0.0003965878568124026, -0.013895404525101185, -0.0004060938081238419, 0.010086944326758385, -0.01637759618461132, 0.002813758561387658, -0.0001457260805182159, 0.018981462344527245, -0.028107166290283203, 0.01889628916978836, -0.011352375149726868, -0.0090405298396945, 0.025746650993824005, 0.01784987561404705, 0.004386421293020248, 0.02723109908401966, -0.028666876256465912, -0.05893987789750099, -0.015866557136178017, -0.026720060035586357, 0.019687185063958168, 0.010975179262459278, -0.008292222395539284, 0.0027696508914232254, -0.013931906782090664, -0.011680900119245052, -0.02988363616168499, -0.013250521384179592, 0.007391819730401039, -0.014017080888152122, 0.027012081816792488, 0.02370249293744564, 0.03988540917634964, -0.0014334958977997303, -0.014674130827188492, 0.010275541804730892, 0.002941518323495984, 0.03161143511533737, -0.051347292959690094, 0.037646569311618805, -0.03808460384607315, 0.005149938631802797, -0.01304367184638977, -0.015063494443893433, 0.003896675305441022, 0.05222335830330849, -0.011461883783340454, -0.02435954473912716, 0.010634486563503742, -0.012264945544302464, -0.002299677347764373, -0.08030618727207184, 0.027547456324100494, -0.005715732462704182, 0.03509137034416199, 0.0002452532935421914, -0.01042763702571392, 0.0027301062364131212, -0.004748407751321793, -0.006147682201117277, -0.035456400364637375, -0.005560595076531172, -0.004158278927206993, -0.011498386040329933, 0.019894033670425415, 0.022376224398612976, -0.02170700579881668, 0.00801236741244793, 0.003130116267129779, 0.01693730615079403, 0.0021627917885780334, 0.006460998207330704, -0.02703641727566719, -0.004690611734986305, -0.022047700360417366, -0.04073714092373848, 0.02876421809196472, 0.02145148627460003, 0.010847419500350952, 0.021962525323033333, 0.04275696352124214, 0.05188266560435295, -0.022291051223874092, -0.04599354416131973, -0.014905315823853016, 0.021719174459576607, 0.011699152179062366, 0.021268973127007484, 0.012763816863298416, 0.026793064549565315, -0.00938122346997261, 0.02187735214829445, 0.00039696809835731983, 0.018300076946616173, -0.011753905564546585, -0.024858416989445686, 0.022802090272307396, -0.008772842586040497, 0.01680346205830574, 0.004620647989213467, 0.013822399079799652, 0.005566678941249847, 0.012642141431570053, 0.03319322690367699, -0.01784987561404705, 0.057917796075344086, 0.02184084989130497, -0.03358258679509163, 0.008870183490216732, -0.0087971780449152, 0.018397418782114983, 0.009277798235416412, 0.006594841834157705, -0.018592100590467453, 0.022960269823670387, -0.020380737259984016, -0.02275342121720314, 0.03112473338842392, -0.009375139139592648, 0.028326183557510376, 0.016949472948908806, 0.0036715746391564608, 0.013761560432612896, -0.03905801102519035, -0.00290197366848588, 0.00042016259976662695, -0.01182082761079073, -0.03854697197675705, 0.005779612343758345, 0.029542943462729454, 0.012344034388661385, -0.009077033028006554, -0.005587972234934568, -0.010281626135110855, 0.020441574975848198, -0.010451972484588623, -0.00026407503173686564, 0.012185855768620968, 0.005277698393911123, 0.03788992017507553, -0.030029648914933205, -0.013055839575827122, -0.004882251378148794, -0.00982534047216177, -0.028593869879841805, 0.029080575332045555, 0.03691651299595833, 0.06288217753171921, -0.02059975452721119, 0.018348747864365578, 0.004690611734986305, 0.03214681148529053, -0.03920402377843857, 0.013822399079799652, 0.00838347990065813, -0.018944960087537766, -0.020526748150587082, 0.01657227799296379, -0.012970666401088238, -0.03314455598592758, -0.008456485345959663, 0.025332951918244362, 0.014722801744937897, 0.015501528047025204, 0.004425966180860996, 0.01945599913597107, 0.06448830664157867, 0.014674130827188492, 0.03294987231492996, -0.01242312416434288, 0.028666876256465912, 0.0016897760797291994, 0.020100882276892662, 0.01337219774723053, 0.0011255034478381276, -0.014515952207148075, -0.03258484601974487, 0.015842221677303314, 0.02269258163869381, 0.006175059359520674, -0.023398304358124733, -0.05893987789750099, -0.02147582173347473, -0.0044381339102983475, 0.014540287666022778, 0.00501913670450449, 0.01518517080694437, 0.04127251356840134, 0.00837131217122078, 0.01637759618461132, 0.006260232534259558, 0.0052685728296637535, -0.0021232469007372856, 0.015306846238672733, -0.032317157834768295, 0.03063802793622017, -0.02951860800385475, -0.014710634015500546, 0.009691497310996056, 0.013712890446186066, -0.008608580566942692, 0.009673245251178741, 0.004085273016244173, 0.017971551045775414], "026deff9-e172-4d98-82cc-712515a0d142": [0.0355159267783165, 0.031223971396684647, 0.06003371626138687, 0.02284124679863453, 0.004325485788285732, -0.01588023267686367, 0.031089847907423973, 0.02210356667637825, -0.028514673933386803, 0.03862759470939636, 0.008986280299723148, -0.007618219591677189, -0.0465945340692997, 0.007356678601354361, 0.00166397076100111, 0.009522774256765842, -0.03717905655503273, 0.02175484597682953, -0.06770558655261993, 0.024075184017419815, 0.050698716193437576, 0.03049970418214798, 0.03336994722485542, 0.013922028243541718, 0.04176608473062515, 0.04262447729706764, -0.0015172730199992657, -0.015625398606061935, 0.006987839005887508, -0.057029347866773605, -0.010669531300663948, -0.020923279225826263, 0.008838743902742863, -0.011420623399317265, -0.0007712106453254819, -0.01413662638515234, -0.02964131347835064, 0.010019032284617424, 0.01695322059094906, -0.025121347978711128, -0.017972560599446297, -0.00101682438980788, 0.004030413925647736, -0.009368532337248325, -0.0013236321974545717, 0.04141736403107643, -0.05912167578935623, -0.04678230732679367, -0.02239863947033882, 0.005505773238837719, -0.05928262695670128, 0.05745854601264, -0.02438366785645485, 0.035489100962877274, 0.007014663424342871, -0.003237408120185137, 0.017382416874170303, 0.024638503789901733, -0.05837058648467064, 0.0020168833434581757, 0.029802260920405388, -0.01108531467616558, -0.02204991690814495, 0.04128323867917061, 0.010092799551784992, -0.021218352019786835, -0.0046574417501688, 0.0066961199045181274, -0.03970058262348175, 0.005220760591328144, 0.014445110224187374, 0.015263264067471027, 0.029104817658662796, -0.009636779315769672, -0.055312566459178925, 0.015772933140397072, -0.0032038772478699684, -0.0056398967280983925, 0.045494720339775085, -0.014297574758529663, 0.002094004536047578, -0.014525584876537323, -0.02776358276605606, 0.01542421244084835, -0.009408769197762012, 0.044985052198171616, -0.08503435552120209, -0.06024831533432007, -0.023096080869436264, -0.03342359885573387, 0.020923279225826263, 0.04839178919792175, -0.002990955952554941, 0.020722094923257828, 0.0115413349121809, -0.010468346066772938, 0.013392239809036255, 0.009871495887637138, -0.017315354198217392, 0.07156834751367569, 0.016711799427866936, -0.0005025443388149142, -0.011259675025939941, -0.04581661894917488, 0.03594512119889259, -0.004204774275422096, 0.014418285340070724, 0.010635999962687492, 0.0028484496288001537, -0.02461167797446251, -0.06513041257858276, -0.028031829744577408, -0.03433563932776451, 0.011172494851052761, 0.02022583596408367, -0.0005109270568937063, -0.002531582722440362, -0.006488228682428598, 0.0036012183409184217, -0.0374741293489933, -0.05292516574263573, -0.0004664986045099795, 0.016068005934357643, -0.018871188163757324, -0.00028983267839066684, 0.01770431362092495, 0.005217407364398241, 0.0041980682872235775, -0.03803744912147522, 0.0017285177018493414, 0.030472878366708755, 0.022237690165638924, 0.025859028100967407, -0.03594512119889259, -0.030419228598475456, 0.0036112775560468435, -0.015491274185478687, 0.027428273111581802, -0.03328947350382805, -0.02404835820198059, -0.04466315358877182, -0.0066391173750162125, -0.019005311653017998, 0.026033388450741768, 0.020359961315989494, -0.02575172856450081, 0.023257030174136162, 0.014512171968817711, -0.026073625311255455, -0.021231763064861298, -0.010387871414422989, -0.009643485769629478, -0.014901130460202694, 0.01565222255885601, 0.031840939074754715, -0.02131223864853382, 0.015370562672615051, 0.08734127879142761, -0.02131223864853382, 0.04273177310824394, -0.0658278539776802, -0.01999782770872116, 0.024477554485201836, -0.019810054451227188, -0.01964910514652729, -0.0020990341436117887, -0.0002728576655499637, -0.062179695814847946, -0.03565004840493202, -0.027683109045028687, -0.023833760991692543, -0.013144111260771751, -0.051664404571056366, -0.014686532318592072, 0.04238305240869522, -0.01679227314889431, -0.011849818751215935, -0.026811305433511734, 0.013177642598748207, -0.025631017982959747, -0.04359016567468643, -0.0021912441588938236, -0.02524205856025219, -0.017114169895648956, -0.027495335787534714, -0.019796641543507576, 0.02171460911631584, -0.009140522219240665, -0.018535880371928215, 0.009288058616220951, 0.010870716534554958, 0.02878292091190815, -0.022479113191366196, -0.0924379751086235, -0.04629946127533913, -0.09034565091133118, 0.03970058262348175, -0.02399471029639244, -0.029453540220856667, 0.02312290668487549, 0.0265028215944767, -0.02718685194849968, 0.057995039969682693, 0.011246263049542904, -0.025228647515177727, -0.0014233865076676011, -0.014176863245666027, -0.008952748961746693, -0.021915793418884277, -0.039029963314533234, 0.056975699961185455, -0.003240761114284396, 0.004519965033978224, 0.018120096996426582, -0.01582658290863037, 0.007658456917852163, -0.02129882574081421, 0.012413137592375278, 0.0016094830352813005, 0.028595149517059326, -0.03377231955528259, 0.00168157450389117, 0.028917044401168823, -0.027334386482834816, 0.028300076723098755, 0.018374931067228317, 0.039539635181427, 0.0011769344564527273, 0.02736121229827404, 0.0002776777255348861, 0.009777609258890152, 0.02306925691664219, -0.019729578867554665, -0.024343430995941162, 0.08567814528942108, -0.04533377289772034, 0.032806627452373505, 0.0027428274042904377, -0.019112611189484596, -0.006092563737183809, -0.0014384754467755556, 0.04739927500486374, -0.011487685143947601, 0.062179695814847946, 0.004717797040939331, -0.03420151397585869, -0.030928898602724075, -0.043268270790576935, 0.030875248834490776, -0.020199012011289597, 0.004161184187978506, -0.02508111111819744, 0.03015098161995411, -0.06030196323990822, -0.00942888855934143, -0.0377960279583931, -0.03235061094164848, 0.010783536359667778, 0.000324201857438311, -0.05922897532582283, 0.03336994722485542, -0.011051783338189125, -0.06121400371193886, -0.026261398568749428, 0.021151289343833923, 0.03787650167942047, 0.03261885792016983, 0.037554603070020676, -0.04525329917669296, -0.007343266159296036, 0.0002751629217527807, 0.029319416731595993, 0.009100285358726978, -0.014552408829331398, -0.02112446539103985, 0.028300076723098755, -0.0022834541741758585, -0.02781723253428936, 0.006035561207681894, -0.006059032864868641, 0.009247821755707264, 0.005495714023709297, -0.009220996871590614, 0.03387961909174919, 0.0038493468891829252, -0.0064111072570085526, 0.005056458991020918, 0.03192141279578209, -0.04911605641245842, 0.047211501747369766, -0.003728635609149933, -0.04849908873438835, -0.049437955021858215, 0.031116671860218048, 0.03559640049934387, -0.009844671003520489, -0.004419371951371431, 0.015410800464451313, -0.022237690165638924, 0.02245228923857212, 0.018012797459959984, -0.014257336966693401, -0.03055335395038128, -0.0021526836790144444, -0.04082721844315529, 0.02410200797021389, -0.005133580416440964, 0.027267325669527054, 0.025684667751193047, -0.054346878081560135, -0.003913055639714003, 0.03546227514743805, 0.057887740433216095, -0.016698386520147324, -0.047318801283836365, -0.007785874418914318, 0.02056114561855793, -0.01604118011891842, -0.0005725400405935943, 0.01504866685718298, -0.03135809302330017, -0.031116671860218048, -0.013157524168491364, -0.01691298373043537, -0.02529570832848549, -0.03945915773510933, 0.008724739775061607, 0.009328295476734638, -0.02553713135421276, 0.0075846887193620205, -0.0015516421990469098, -0.040532149374485016, -0.00672629801556468, -0.0051369331777095795, 0.0020001179073005915, 0.03511355444788933, -0.0015575101133435965, -0.0007674383814446628, -0.035623226314783096, 0.04334874451160431, -0.011977236717939377, -0.05461512506008148, -0.01222536526620388, 0.06695449352264404, 0.013325178064405918, -0.06496946513652802, 0.032752979546785355, 0.056063659489154816, -0.01805303432047367, 0.029775436967611313, -0.018267633393406868, 0.044233959168195724, -0.03044605441391468, -0.0021962737664580345, 0.007108550053089857, 0.028809746727347374, 0.005398474168032408, -0.026569882407784462, -0.05327389016747475, 0.008523553609848022, -0.024826275184750557, 0.017784787341952324, 0.033718667924404144, -0.002496375236660242, -0.00028710829792544246, 0.0528983436524868, -0.050108570605516434, -0.04946477711200714, 0.005743842571973801, -0.001139212166890502, 0.0018827598541975021, -0.02661011926829815, 0.020480671897530556, 0.01964910514652729, -0.07296323031187057, -0.009120403788983822, 0.01719464361667633, 0.040746744722127914, -0.03422833979129791, 0.054185930639505386, 0.10783536732196808, 0.022519350051879883, -0.002256629290059209, -0.04265129938721657, 0.023847173899412155, 0.015625398606061935, -0.0043120733462274075, 0.006940895691514015, -0.006887246388942003, 0.003433563746511936, 0.0069677201099693775, -0.0008676119614392519, 0.021432949230074883, -0.025778552517294884, 0.03489895910024643, -0.018495643511414528, 0.007336560171097517, 0.04981350153684616, 0.02221086621284485, -0.04785529524087906, 0.023377740755677223, -0.026475995779037476, -0.036132894456386566, 0.042704951018095016, 0.02746850997209549, 0.016604499891400337, -0.0077255186624825, 0.025349358096718788, 0.03049970418214798, -0.02124517597258091, 0.020950105041265488, -0.007249379996210337, 0.050698716193437576, -0.021728020161390305, 0.04790894687175751, -0.04353651776909828, 0.019662518054246902, 0.09061389416456223, 0.0330212265253067, -0.04745292663574219, 0.0049692788161337376, -0.03318217396736145, -0.045092348009347916, 0.0020034711342304945, -0.05504431948065758, -0.018602941185235977, 0.013492832891643047, -0.016068005934357643, 0.05649285390973091, -0.09168688207864761, -0.061535902321338654, 0.025201821699738503, -0.00370516418479383, 0.026771068572998047, -0.026543058454990387, -0.0018324635457247496, -0.004285248462110758, 0.015786346048116684, -0.007980353198945522, -0.014860893599689007, -0.01219854038208723, 0.011293206363916397, 0.000341596023645252, -0.012802096083760262, -0.016363076865673065, -0.021003752946853638, -0.03130444511771202, 0.02725391276180744, 0.032592032104730606, 0.027495335787534714, -0.04450220614671707, -0.023149730637669563, 0.0011786110699176788, 0.017315354198217392, -0.0308484248816967, -0.036696214228868484, 6.449458305723965e-05, -0.02278759703040123, -0.015303500927984715, -0.02239863947033882, -0.045494720339775085, 0.01165533997118473, 0.05026952177286148, 0.0030798129737377167, 0.05437370389699936, 0.033048052340745926, -0.00023220146249514073, 0.014606058597564697, -0.0021761551033705473, -0.020359961315989494, -0.01185652520507574, 0.030419228598475456, -0.009241115301847458, -0.011024958454072475, -0.05917532742023468, -0.004865332972258329, 0.012037592008709908, 0.04136371240019798, -0.0010260454146191478, -0.026462582871317863, -0.014860893599689007, -0.011957117356359959, -0.058048687875270844, -0.01616189256310463, 0.026247985661029816, -0.005827669985592365, 0.03723270818591118, 0.05356895923614502, -0.023230204358696938, 0.000976587412878871, -0.026194335892796516, 0.007571276277303696, 0.052978817373514175, -0.013667193241417408, -0.014163450337946415, -0.003980117384344339, 0.0018207277171313763, -0.052683744579553604, 0.019957588985562325, 0.0057002524845302105, -0.0034503291826695204, -0.0025567307602614164, 0.013895203359425068, 0.02119152620434761, 0.02182190679013729, 0.015088903717696667, 0.018924837931990623, -0.027548985555768013, -0.02427636831998825, -0.030472878366708755, 0.033960092812776566, 0.008422961458563805, 0.017664076760411263, 0.005130227189511061, -0.05295199155807495, -0.0050262813456356525, 0.042973197996616364, 0.022076742723584175, -0.0308484248816967, -0.009811140596866608, -0.02496039867401123, -0.0013957235496491194, 0.02010512538254261, -0.005489007569849491, -0.03884219005703926, 0.006494934670627117, -0.03511355444788933, -0.01598753221333027, 0.0003950358659494668, -0.033155351877212524, 0.03390644118189812, -0.019434507936239243, 0.010247042402625084, -0.018146920949220657, -0.012352782301604748, -0.015383975580334663, -0.010944484733045101, -0.020078301429748535, -0.009918439202010632, -0.041497837752103806, 0.021043991670012474, -0.03570370003581047, 0.04506552591919899, 0.020587971433997154, 0.0031871118117123842, -0.016403313726186752, 0.005948381032794714, 0.0023941060062497854, 0.013640368357300758, -0.013546482659876347, 0.004218186717480421, -0.006907364819198847, 0.0373668298125267, -0.006253512110561132, 0.03307487815618515, -0.005425299052149057, -0.01656426303088665, 0.004486434161663055, -0.005411886610090733, -0.013117286376655102, 0.029104817658662796, -0.013975678011775017, 0.02198285609483719, -0.015062078833580017, 0.010978015139698982, 0.07596760243177414, 0.012071122415363789, -0.033101700246334076, -0.003411768702790141, 0.04568249359726906, 0.03009733371436596, 0.001901201787404716, -0.04764069616794586, -0.04975984990596771, 0.03881536424160004, 0.002938983030617237, -0.0397542305290699, 0.005730430129915476, 0.02872927300632, 0.02792453020811081, -0.01542421244084835, -0.02404835820198059, 0.0126813855022192, 0.05356895923614502, -0.016550850123167038, -0.010937778279185295, 0.0036381022073328495, 0.013707430101931095, 0.010327516123652458, 0.004925688728690147, -0.008724739775061607, -0.020038064569234848, 0.022184040397405624, 0.004553495906293392, 0.003607924561947584, 0.009133816696703434, -0.042061157524585724, -0.0015206261305138469, 0.007658456917852163, 0.0049692788161337376, 0.007490802090615034, -0.005509126465767622, -0.022076742723584175, -0.0057002524845302105, 0.0020772390998899937, -0.0038292284589260817, 0.014029326848685741, 0.009006398729979992, -0.0022700417321175337, -0.009039930067956448, 0.011957117356359959, -0.022143803536891937, -0.009951970539987087, -6.858116103103384e-05, -0.027495335787534714, 0.03894948959350586, -0.0009103638585656881, 0.014445110224187374, 0.015410800464451313, 0.013298353180289268, 0.017436066642403603, 0.011782757006585598, 0.01390861626714468, 0.029373064637184143, 0.0422489307820797, 0.06400377303361893, -0.01959545537829399, -0.03610606864094734, -0.03712540864944458, -0.026288222521543503, -0.010991428047418594, -0.016068005934357643, 0.028058653697371483, -0.020427022129297256, 0.007390209473669529, 0.022116979584097862, -0.008798507042229176, 0.0076986937783658504, -0.00749750854447484, -0.015209614299237728, -0.0011534627992659807, -0.010421402752399445, 0.03870806843042374, -0.009194171987473965, 0.019340621307492256, -0.015451037324965, -0.013398946262896061, 0.00010405056673334911, -0.006867127493023872, -0.004717797040939331, 0.03286027908325195, -0.038520295172929764, 0.056010011583566666, -0.007946822792291641, 0.021231763064861298, -0.005767314229160547, -0.027173439040780067, 0.028085479512810707, -0.023914234712719917, 0.0005377517663873732, -0.027227088809013367, 0.0023002196103334427, 0.02587243914604187, -0.02832690067589283, -0.02615409903228283, -0.002803182927891612, 0.02655646950006485, 0.005029634572565556, 0.007537745404988527, -0.00977090373635292, -0.010293985716998577, 0.010247042402625084, -0.010978015139698982, -0.021097639575600624, -0.0397542305290699, -0.010850598104298115, 0.018307870253920555, -0.05244232341647148, -0.013633662834763527, 0.022304752841591835, -0.021956030279397964, -0.005619778297841549, -0.021352475509047508, 0.001949821598827839, -0.009905027225613594, 0.017543364316225052, 0.04820401594042778, 0.014458522200584412, -0.018495643511414528, -0.0008667736547067761, 0.0028098891489207745, 0.0024980518501251936, 0.0011635221308097243, -0.032806627452373505, -0.02040019817650318, 0.018294457346200943, 0.012607617303729057, -0.008402843028306961, 0.014606058597564697, -0.08846791833639145, -0.0001633583306102082, -0.0031016080174595118, 0.010166567750275135, -0.01319776102900505, -0.021500010043382645, -0.016027769073843956, -0.034469760954380035, -0.0068168314173817635, 0.06196509674191475, 0.006914070807397366, -0.010931072756648064, 0.012869157828390598, -0.004114240873605013, 0.009328295476734638, 0.022412050515413284, 0.01331176608800888, 0.006451344583183527, 0.020373372361063957, 0.02752215974032879, -0.0009564688079990447, 0.02399471029639244, 0.0037688727024942636, -0.01231254544109106, -0.029051169753074646, 0.03004368394613266, -0.018978487700223923, -0.01519620232284069, 0.04713102802634239, -0.026247985661029816, 0.025027461349964142, -0.015370562672615051, 0.003993529826402664, -0.0010361047461628914, -0.02306925691664219, -0.016363076865673065, 0.022425463423132896, -0.03296757861971855, -0.007517626974731684, -0.014981604181230068, 0.003197171026840806, -0.02113787643611431, -0.02353869006037712, -0.006136154290288687, 0.022988783195614815, 0.024370254948735237, -0.014445110224187374, 0.008000471629202366, 0.030365580692887306, -0.023967884480953217, 0.012245483696460724, 0.011420623399317265, 0.012761859223246574, 0.00012175906886113808, 0.014927955344319344, 0.02964131347835064, 0.0014602706069126725, 0.0016572645399719477, 0.03176046535372734, -0.03216283768415451, -0.0027260619681328535, -0.005311293993145227, 0.06411107629537582, -0.00999891385436058, -0.00321393646299839, -0.02329726703464985, 0.013056931085884571, 0.0019934119191020727, -0.015383975580334663, 0.014445110224187374, -0.014726770110428333, 0.0011543011059984565, -0.006327280309051275, 0.029373064637184143, 0.020748918876051903, 0.03481848165392876, -0.07425081729888916, -0.01085730455815792, -0.023257030174136162, 0.02666376903653145, -0.01008609402924776, -0.052227724343538284, -0.02204991690814495, -0.03205553814768791, 0.004650735296308994, -0.01793232373893261, 0.010917659848928452, -0.007007957436144352, -0.014941367320716381, -0.0012766888830810785, -0.02398129738867283, 0.019836878404021263, -0.024061771109700203, 0.007926704362034798, 0.043321918696165085, -0.00021962737082503736, 0.024531204253435135, -0.003762166714295745, -0.039378684014081955, 0.03468436002731323, 0.013774492777884007, 0.008174832910299301, 0.015504686161875725, -0.02713320218026638, 0.0399688296020031, 0.03586464747786522, 0.04139053821563721, -0.01798597350716591, 0.04530694708228111, -0.03809109702706337, -0.03245790675282478, -0.03272615373134613, 0.0017989325569942594, 0.024544617161154747, 0.029453540220856667, 0.029346240684390068, 0.0003600380150601268, 0.014860893599689007, -0.026757655665278435, 0.013499539345502853, 0.005277763120830059, 0.038520295172929764, -0.004506552591919899, -0.0333431251347065, -0.016939809545874596, -0.041551485657691956, -0.0005704443901777267, 0.010528701357543468, -0.018093271180987358, 0.025496894493699074, 0.02392764762043953, 0.017275117337703705, 0.01935403421521187, -0.002514817286282778, -0.03489895910024643, -0.004865332972258329, 0.015062078833580017, -0.057887740433216095, -0.027629459276795387, -0.003993529826402664, 0.045602019876241684, -0.01594729535281658, -0.010843891650438309, -0.012325957417488098, 0.019099198281764984, 0.006052326876670122, 0.0013512951554730535, 0.002241540467366576, -0.02713320218026638, 0.03599876910448074, 0.028997519984841347, 0.02369963750243187, -0.005535950884222984, 0.01385496649891138, -0.023954473435878754, -0.005012868903577328, -0.04262447729706764, 0.0038962902035564184, 0.0265028215944767, -0.04348286613821983, -0.011615102179348469, -0.02056114561855793, 0.040237076580524445, 0.0021342416293919086, 0.004218186717480421, -0.01285574585199356, -0.010642706416547298, 0.022586412727832794, 0.019555218517780304, -0.002771328669041395, -0.016416726633906364, 0.013271529227495193, 0.026704005897045135, 0.07360702753067017, -0.014243924990296364, -0.011890055611729622, -0.02958766371011734, 0.03843982145190239, -0.02285465970635414, 0.03288710489869118, 0.026878366246819496, 0.015008429065346718, -0.0050832838751375675, -0.007048194296658039, 0.013097167946398258, -0.0020470612216740847, 0.008369311690330505, -0.004167890641838312, 0.03581099584698677, -0.020480671897530556, -0.0023622517473995686, 0.027025902643799782, -0.02964131347835064, 0.0007850421243347228, -0.010823773220181465, -0.008074239827692509, 0.061482250690460205, 0.0005834376206621528, 0.022371813654899597, 0.007276204414665699, 0.03728635609149933, -0.00022193262702785432, -0.03637431561946869, -0.019957588985562325, 0.03481848165392876, 0.009469125419855118, 0.001326985191553831, 0.03382596746087074, -0.005046399775892496, -0.00706831319257617, 0.007859642617404461, 0.03868124261498451, -0.01254055555909872, 0.03868124261498451, 0.008114476688206196, -0.019850291311740875, 0.0025164938997477293, -0.028514673933386803, 0.00642787292599678, 0.03286027908325195, 0.004627263639122248, 0.014056151732802391, -0.0075913951732218266, 0.005690193269401789, 0.005076577886939049, 0.01233937032520771, -0.01413662638515234, 0.01302340067923069, 0.008798507042229176, 0.025000637397170067, -0.01691298373043537, 0.01856270432472229, -0.011460860259830952, 0.02192920632660389, 0.002578526036813855, 0.005425299052149057, -0.03197506442666054, 0.029265766963362694, -0.007658456917852163, 0.03404056653380394, 0.002338780090212822, -0.01964910514652729, -0.015343738719820976, 0.011950411833822727, -0.0013001605402678251, -0.006444638129323721, -0.01385496649891138, -0.002776358276605606, 0.012781977653503418, 0.002224775031208992, -0.021459773182868958, 0.013331884518265724, 0.008899100124835968, -0.009502655826508999, -0.019742991775274277, -0.01833469420671463, -0.005126873962581158, 0.015960706397891045, -0.0024779331870377064, -0.004177949856966734, 0.014713357202708721, 0.016765449196100235, 0.005867906846106052, -0.021781669929623604, -0.016121655702590942, 0.021392712369561195, 0.010776829905807972, -0.04208798334002495, 0.0029356300365179777, 0.06797383725643158, 0.025496894493699074, 0.006478169467300177, 0.0488746352493763, 0.0014217100106179714, -0.014673120342195034, 0.043026845902204514, -0.025899264961481094, 0.06175049766898155, -0.0010319133289158344, 0.030285105109214783, 0.01885777711868286, -0.0007431284757331014, 0.0012372900964692235, 0.05356895923614502, 0.01065611932426691, -0.0051469928584992886, 0.012238777242600918, -0.015853408724069595, 0.02974861115217209, 0.02662353217601776, 0.027025902643799782, -0.03170681744813919, -0.028353726491332054, 0.0038292284589260817, 0.009120403788983822, -0.011159082874655724, -0.004784858785569668, -0.024034947156906128, 0.03141174465417862, 0.00847661029547453, 0.027629459276795387, -0.004855273757129908, -0.011983942240476608, 0.059765469282865524, -0.015129140578210354, 0.026878366246819496, -0.024584854021668434, 0.01519620232284069, 0.011829700320959091, 0.019514981657266617, 0.011903468519449234, 0.011957117356359959, -0.03905678912997246, 0.01684592291712761, -0.010005619376897812, -0.016819097101688385, -0.00706831319257617, -0.04227575287222862, -0.0012775271898135543, 0.002053767442703247, -0.028702447190880775, 0.026489408686757088, -0.0066961199045181274, 0.02683812938630581, -0.030472878366708755, -0.03444293886423111, 0.026261398568749428, 0.0067598288878798485, 0.008791801519691944, -0.022465700283646584, -0.016591086983680725, 0.016658149659633636, -0.005110108759254217, 0.008691208437085152, 0.019032137468457222, 0.0011350208660587668, 0.025268884375691414, -0.010012325830757618, 0.019058961421251297, -0.01527667697519064, -0.057136647403240204, 0.0072024366818368435, -0.012507024221122265, -0.009945264086127281, -0.003815816016867757, -0.01999782770872116, 0.04305367171764374, 0.010273866355419159, -0.0035375095903873444, 0.009321589022874832, 0.009455712512135506, -0.0308484248816967, -0.03358454629778862, 0.0020705328788608313, -0.0027746816631406546, 0.02695884183049202, -0.032189659774303436, 0.010790242813527584, -0.024316607043147087, 0.026744242757558823, 0.01885777711868286, -0.0006400209967978299, 0.019662518054246902, 0.01474018208682537, -0.03369184583425522, 0.03809109702706337, 0.008429666981101036, -0.016644736751914024, -0.0015298471553251147, 0.010133037343621254, -0.01274174079298973, 0.036186542361974716, 0.005787432659417391, 0.01931379735469818, -0.028005005791783333, 0.04133689031004906, -0.0197698175907135, -0.02284124679863453, -0.020923279225826263, 0.005864553619176149, -0.007095137611031532, -0.06089210882782936, 0.01474018208682537, -0.011373680084943771, -0.0026304989587515593, -0.04718467965722084, -0.002605350688099861, 0.03465753421187401, 0.009764197282493114, 0.01519620232284069, -0.002504758071154356, -0.006947601679712534, 0.019742991775274277, -0.024316607043147087, -0.005264350678771734, 0.02420930750668049, 0.008000471629202366, 0.008751563727855682, 0.01794573664665222, -0.005234173033386469, 0.0007251056376844645, -0.030982548370957375, 0.01299657579511404, 0.02478603832423687, -0.0007049870910122991, 0.013720843009650707, 0.020145362243056297, -0.005361590534448624, -0.0026304989587515593, -0.008630853146314621, 0.026006562635302544, 0.024812864139676094, -0.025791965425014496, 0.00012930351658724248, 0.010173274204134941, 0.006659236270934343, -0.009750784374773502, 0.04198068380355835, -0.0006949278176762164, 0.026288222521543503, 0.012004060670733452, 0.0011182554299011827, 0.017744550481438637, -0.013667193241417408, 0.004416019190102816, -0.015544923953711987, -0.04208798334002495, 0.0033564427867531776, -0.010488464497029781, -0.0013144111726433039, 0.015893645584583282, -0.013164229691028595, -0.04345604032278061, 0.007168905809521675, -0.03905678912997246, 0.0072024366818368435, 9.90733242360875e-05, -0.009918439202010632, 0.004898863844573498, 0.003899643197655678, -0.005941675044596195, 0.00977090373635292, -0.006458050571382046, 0.02746850997209549, 0.029882734641432762, 0.012614323757588863, -0.051771704107522964, -0.009167347103357315, 0.09072119742631912, -0.060677509754896164, 0.025577368214726448, -0.016859333962202072, 0.016094829887151718, -0.027629459276795387, 0.006736357230693102, 0.004208127502351999, -0.041095465421676636, -0.0017067226581275463, 0.004955866374075413, 0.02883657068014145, 0.006022149231284857, 0.06700814515352249, -0.007323147729039192, -0.0012113036355003715, -0.024826275184750557, 0.010609176009893417, -0.02776358276605606, 0.0017704312922433019, 0.012808802537620068, 0.0019263500580564141, 0.008919218555092812, 0.009744078852236271, -3.20377221214585e-05, -0.03809109702706337, 0.02273394726216793, -0.0008445594576187432, 0.03420151397585869, -0.011594983749091625, -0.015598572790622711, 0.0037420480512082577, 0.06368187814950943, 0.0018156981095671654, -0.019447920843958855, 0.005706958472728729, 0.019394271075725555, -0.02683812938630581, -0.008013884536921978, -0.015437624417245388, 0.0050229281187057495, 0.0015206261305138469, 0.003916408866643906, 0.03162634000182152, -0.0025433185510337353, -0.009288058616220951, -0.017382416874170303, -0.002395782619714737, 0.012560673989355564, -0.031492218375205994, 0.012024179100990295, 0.00802059005945921, -0.006062386091798544, -0.017516540363430977, 0.009791022166609764, -0.012178421951830387, -0.0032089068554341793, 0.026543058454990387, -0.00040446643834002316, -0.008845450356602669, -0.0007062444929033518, -0.013895203359425068, -0.012835627421736717, -0.0024460789281874895, 0.009234408847987652, -0.016805686056613922, -0.031840939074754715, 0.03176046535372734, -0.0071420809254050255, -0.02718685194849968, 0.010126330889761448, 0.003083165967836976, 0.03192141279578209, 0.002474580192938447, -0.006800065748393536, 0.02312290668487549, -0.01805303432047367, -0.006602233741432428, -0.005556069780141115, -0.0016153509495779872, 0.000273695943178609, 0.003270938992500305, 0.01197053026407957, -0.0008106094319373369, -0.012319251894950867, -0.0049692788161337376, 0.023847173899412155, -0.0035106849391013384, 0.011366973631083965, 0.013962265104055405, -0.026797892525792122, -0.013787904754281044, 0.04487775266170502, 0.016939809545874596, 0.010676237754523754, 0.0046373228542506695, -0.033262647688388824, 0.016121655702590942, -0.010535407811403275, 0.0028769508935511112, 0.006102623417973518, 0.03511355444788933, 0.039781056344509125, -0.018361518159508705, -0.0054990672506392, -0.006022149231284857, -0.0022147158160805702, -0.010253747925162315, 0.002759592840448022, -0.027280736714601517, 0.007866348139941692, 0.03004368394613266, 0.022318165749311447, 0.0019079080084338784, -0.013613544404506683, -0.0041947150602936745, 0.01924673467874527, 0.02066844515502453, 0.02227792702615261, -0.05136933550238609, 0.01311058085411787, 0.001817374606616795, -0.02508111111819744, 0.012815508991479874, 0.014270749874413013, 0.006005383562296629, 0.007343266159296036, -0.02306925691664219, -0.005455476697534323, 0.019166260957717896, -0.012332663871347904, 0.013445889577269554, 0.033155351877212524, 0.006887246388942003, 0.017208056524395943, 0.02827325277030468, -0.023954473435878754, -0.0143109867349267, -0.01845540478825569, -0.014606058597564697, -0.047211501747369766, 0.01856270432472229, -0.03414786607027054, -0.010166567750275135, 0.01365378126502037, 0.017154406756162643, -0.02152683585882187, 0.01817374676465988, 0.010635999962687492, 0.031545866280794144, 0.015786346048116684, 0.022143803536891937, -0.0029658079147338867, 0.00014344936062116176, 0.02404835820198059, -0.010334222577512264, 0.02478603832423687, 0.00381916924379766, -0.011266381479799747, -0.006776594091206789, -0.02108422853052616, 0.002637204946950078, -0.059765469282865524, 0.019099198281764984, -0.012936219573020935, 0.00101682438980788, -0.009066754020750523, 0.014659708365797997, 0.01901872456073761, -0.0070817251689732075, -0.023257030174136162, 0.011494391597807407, 0.002729414962232113, 0.037500955164432526, 0.007242673542350531, -0.008597321808338165, 0.01861635409295559, 0.04015660285949707, -0.05260327085852623, -0.04308049753308296, 0.033208999782800674, 0.012305838987231255, -0.03605242073535919, -0.020815981552004814, 0.030580177903175354, -0.001887789461761713, -0.006414460483938456, -0.0014745212392881513, -0.0156388096511364, -0.014512171968817711, 0.003416798310354352, 0.0039298213087022305, 0.0197698175907135, -0.012024179100990295, 0.025335945188999176, 0.004818389657884836, -0.010461639612913132, 0.014069564640522003, 0.03610606864094734, 0.004395900759845972, 0.02883657068014145, -0.026744242757558823, -0.05203995108604431, 0.017744550481438637, -0.010917659848928452, 0.003845993895083666, -0.00018200989870820194, -0.014458522200584412, 0.030365580692887306, -0.018307870253920555, -0.006266924552619457, -0.02548348158597946, -0.022251103073358536, 0.0028233015909790993, -0.022774184122681618, 0.001151786302216351, 0.02204991690814495, 0.04128323867917061, 0.004677560180425644, -0.04471680521965027, 0.003547568805515766, 0.007812699303030968, 0.033960092812776566, -0.06502311676740646, 0.03835934400558472, 0.00726949842646718, 0.02113787643611431, -0.006122741848230362, 0.005505773238837719, 0.00021208291582297534, 0.05949722230434418, -0.028943870216608047, -0.019005311653017998, 0.018294457346200943, -0.022358402609825134, 0.007235967554152012, -0.08208363503217697, 0.02627481147646904, -0.009837965480983257, 0.005056458991020918, 0.0011425652774050832, -0.014297574758529663, 0.04892828315496445, -0.00018609646940603852, 0.018804127350449562, -0.04348286613821983, 0.013660487718880177, 0.009958676062524319, -0.03586464747786522, -0.010019032284617424, 0.011916880495846272, -0.011802875436842442, 0.026489408686757088, 0.018066447228193283, 0.006629058159887791, -0.0013378828298300505, 0.014901130460202694, -0.034121040254831314, -0.013237997889518738, 0.004308720119297504, -0.019863702356815338, 0.0022834541741758585, 0.014981604181230068, -0.00440931273624301, -0.002890363335609436, 0.014029326848685741, 0.04839178919792175, -0.021258588880300522, -0.030311930924654007, 0.0014879335649311543, -0.011246263049542904, 0.0005721209454350173, 0.029346240684390068, 0.013352002948522568, 8.765186066739261e-05, -0.020199012011289597, 0.010059269145131111, 0.00681347819045186, 0.005364943295717239, -0.031036198139190674, -0.03865441679954529, 0.04066627100110054, 0.008275425061583519, -0.004835155326873064, -0.002031972398981452, 0.023578926920890808, -0.003487213281914592, 0.011990648694336414, 0.019675930961966515, 0.017436066642403603, 0.05729759484529495, 0.020802568644285202, -0.027039315551519394, 0.007913291454315186, 0.023458214476704597, 0.005509126465767622, 0.00015518517466261983, 0.02683812938630581, -0.021862145513296127, 0.008644265122711658, -0.02136588655412197, 0.003946586512029171, 0.013231291435658932, -0.02273394726216793, 0.029829084873199463, 0.014981604181230068, 0.0019598808139562607, 0.0033396773505955935, -0.005442064721137285, 0.010796948336064816, 0.006344045512378216, 0.004573614336550236, -0.019461331889033318, -0.005472242366522551, 0.045441072434186935, 0.017114169895648956, 0.0031954944133758545, -0.0031736993696540594, 0.014297574758529663, 0.009187465533614159, 0.001072988728992641, 0.019836878404021263, 0.001129991258494556, -0.017771374434232712, 0.03742048144340515, 0.005810904316604137, -0.019045548513531685, -0.008979573845863342, -0.005834375973790884, -0.015974119305610657, 0.020252661779522896, 0.017114169895648956, 0.046701833605766296, -0.029775436967611313, 0.011038371361792088, 0.004647382069379091, 0.029507189989089966, 0.014847480691969395, 0.018938250839710236, -0.012057710438966751, 0.001738577033393085, -0.0038225222378969193, 0.015504686161875725, -0.035489100962877274, -0.021406125277280807, 0.01347942091524601, 0.005941675044596195, 0.019233321771025658, 0.013526363298296928, -0.013868378475308418, 0.028139129281044006, 0.050457295030355453, -0.0012280690716579556, 0.02108422853052616, -0.012674679048359394, 0.04157831147313118, 0.02215721644461155, -0.0014267396181821823, 0.005958440247923136, 0.017570190131664276, -0.0023991356138139963, -0.018978487700223923, 0.022371813654899597, 0.003872818546369672, 0.0017922264523804188, -0.0072627924382686615, -0.05174487829208374, -0.0077054002322256565, -0.021795082837343216, 0.010260454379022121, 0.02816595323383808, 0.004821742884814739, 0.02101716585457325, 0.0002793542807921767, 0.010079387575387955, 0.007933409884572029, -0.004962572827935219, -0.0008776712347753346, 0.02832690067589283, -0.019514981657266617, 0.00592826260253787, -0.03272615373134613, -0.002754563232883811, 0.010260454379022121, 0.03227013349533081, -0.0076986937783658504, 0.004392547532916069, 0.004798271227627993, 0.03146539255976677], "41865b0a-f466-4af8-bb63-d65448869e93": [0.04570287466049194, 0.012400650419294834, 0.043657898902893066, -0.0024224664084613323, 0.00024707670672796667, -0.009422354400157928, 0.012959452345967293, 0.006176546216011047, -0.02096102200448513, 0.038521673530340195, -0.00039383655530400574, 0.005243227817118168, -0.06458324939012527, 0.0034122595097869635, 0.013720374554395676, -0.013018899597227573, 0.021353373304009438, 0.018702035769820213, -0.03740407153964043, 0.022078625857830048, 0.04201716184616089, 0.02627558633685112, 0.06096887215971947, 0.006348942872136831, 0.03138803318142891, 0.009773091413080692, 0.021757612004876137, -0.028201671317219734, 0.009838483296334743, -0.06396500021219254, 0.0011235488345846534, -0.028843699023127556, 0.005543435458093882, -0.023124894127249718, -0.023089226335287094, 0.0036381580866873264, -0.011027423664927483, 0.002128203632310033, -0.0033409229945391417, -0.02365991845726967, 0.00819180067628622, -0.03455061465501785, -0.008310694247484207, -0.01063507329672575, 0.017905445769429207, 0.04798564314842224, -0.037261396646499634, -0.04974527284502983, -0.0015010375063866377, 0.03409881517291069, -0.0700523778796196, 0.04931725561618805, -0.030627109110355377, 0.02596646174788475, 0.0175130944699049, -0.004752790089696646, -0.003186360700055957, 0.014005719684064388, -0.04586932808160782, 0.005483988672494888, 0.023029780015349388, -0.026846278458833694, -0.016443047672510147, 0.05673624575138092, 0.008376086130738258, -0.014338623732328415, -0.008566317148506641, 0.028629688546061516, -0.03680960088968277, 0.017025629058480263, 0.002924793865531683, 0.028843699023127556, 0.0638698861002922, -0.008732768706977367, -0.040305085480213165, -0.003477651160210371, -0.008364196866750717, -0.00886949710547924, 0.06429790705442429, -0.012840558774769306, -0.006889910902827978, -0.00552560156211257, -0.029961302876472473, 0.016419269144535065, 0.002297627739608288, 0.05183780938386917, -0.06853053718805313, -0.05559486150741577, -0.045393750071525574, -0.012281755916774273, 0.014291065745055676, 0.05221826955676079, 0.0024269248824566603, 0.010302170179784298, 0.027868768200278282, -0.011966686695814133, 0.024896414950489998, 0.023517245426774025, -0.009719589725136757, 0.050934214144945145, 0.022863326594233513, 0.01481419987976551, -0.028534574434161186, -0.04556020349264145, 0.03704738989472389, -0.02553844451904297, 0.03336167335510254, 0.0018086758209392428, 0.0057990578934550285, 0.006390555761754513, -0.08137109130620956, -0.006384611129760742, -0.027393190190196037, 0.004684425890445709, 0.026751162484288216, -0.0025443327613174915, -0.0012439291458576918, -0.021507935598492622, 0.010082216002047062, -0.022554202005267143, -0.05098177120089531, -0.01678784191608429, 0.026774942874908447, -0.026132913306355476, -0.003875946393236518, 0.007716224528849125, -0.010082216002047062, 0.001515899202786386, -0.038640569895505905, -0.008928943425416946, 0.02763097919523716, 0.019879085943102837, 0.048128314316272736, -0.017917335033416748, -0.009148897603154182, 0.01256710197776556, -0.03504996746778488, 0.008376086130738258, -0.024444619193673134, -0.0036441029515117407, -0.02658471092581749, -0.016026919707655907, -0.007734058424830437, 0.04869900643825531, 0.020307105034589767, -0.011615949682891369, 0.02344590798020363, -0.0073357634246349335, -0.014516964554786682, -0.017536872997879982, -0.03600111976265907, -0.00019431747205089778, -0.02097291126847267, 0.031340472400188446, 0.02732185460627079, 0.0005316793685778975, 0.016407379880547523, 0.075949527323246, -0.028938813135027885, 0.011984521523118019, -0.047177162021398544, -0.025181761011481285, 0.009041893295943737, -0.006188435945659876, -0.0022916828747838736, 0.015468116849660873, -0.006450002547353506, -0.0676269382238388, -0.03490729629993439, -0.03721383959054947, -0.014849867671728134, 0.0069136894308030605, -0.040828220546245575, 0.012650327757000923, 0.03657181188464165, -0.003382535884156823, -0.03141181170940399, -0.05026840791106224, 0.006699680350720882, -0.041541583836078644, -0.005255117546766996, 0.018416689708828926, -0.015361112542450428, -0.028082776814699173, -0.022554202005267143, -0.030103975906968117, 0.013435028493404388, 0.01771521382033825, -0.03607245907187462, -0.0008025349234230816, 0.0069969152100384235, 0.02503908798098564, -0.029438169673085213, -0.08151376992464066, -0.03714250400662422, -0.05925679951906204, 0.05269384756684303, -0.01750120520591736, -0.05288407579064369, 0.02877236157655716, 0.03740407153964043, -0.028819920495152473, 0.012697885744273663, 0.010676686652004719, -0.018725814297795296, -0.0233507938683033, 0.004841960500925779, -0.026751162484288216, -0.03283853828907013, -0.03286231681704521, 0.05735449492931366, 0.003697605337947607, -0.011526779271662235, 0.04610711708664894, -0.03260074928402901, 0.014766641892492771, -0.02596646174788475, 0.02430194616317749, 0.011086870916187763, 0.014374291524291039, -0.02253042347729206, -0.0022322358563542366, 0.050743985921144485, -0.014742863364517689, 0.01012382935732603, 0.027892546728253365, 0.021424708887934685, -0.008358252234756947, 0.01136032771319151, -0.0023110031615942717, 0.023933373391628265, 0.026109134778380394, -0.03191116452217102, -0.010801524855196476, 0.08217957615852356, -0.04463282972574234, 0.033433008939027786, 0.01324479840695858, -0.025467107072472572, -0.016966182738542557, -0.00490140775218606, 0.0511244460940361, -0.011479221284389496, 0.04601199924945831, -0.00125879084225744, -0.030603330582380295, -0.03830766677856445, -0.034764621406793594, 0.018000559881329536, -0.02149604633450508, 0.020354662090539932, -0.0360962375998497, 0.00823935866355896, -0.07418989390134811, -0.025514664128422737, -0.05816297233104706, -0.00315663730725646, 0.014980651438236237, -0.013851157389581203, -0.017976781353354454, 0.02596646174788475, -0.02211429551243782, -0.045821771025657654, -0.024753743782639503, 0.04565531760454178, 0.03835522383451462, 0.02794010378420353, 0.031459368765354156, -0.02950950525701046, 0.004526891279965639, -0.00015697731578256935, 0.05174269527196884, 0.013411249965429306, -9.404705633642152e-05, -0.04308720678091049, 0.03262453153729439, -0.0009920223383232951, -0.03107890672981739, 0.015896135941147804, -0.005695025436580181, 0.005802030209451914, -0.000676953059155494, -0.01627659611403942, 0.029961302876472473, 0.004238573368638754, -0.022684985771775246, 0.013946273364126682, 0.023220010101795197, -0.0327434241771698, 0.03631024435162544, 0.013649038039147854, -0.050315964967012405, -0.037689417600631714, 0.039686836302280426, 0.03150692582130432, -0.02262553945183754, -0.008827883750200272, 0.004526891279965639, -0.024218719452619553, 0.015265997499227524, 0.008857606910169125, -0.0012974314158782363, -0.016122033819556236, 0.023124894127249718, -0.041232459247112274, 0.010866916738450527, -0.023969043046236038, 0.027036508545279503, 0.02784498780965805, -0.03169715777039528, 0.008946778252720833, 0.04941236972808838, 0.04579799249768257, -0.020164432004094124, -0.054168134927749634, -0.00164965505246073, 0.033647019416093826, -0.019106274470686913, -0.01469530537724495, 0.023327013477683067, -0.05744960904121399, -0.009951433166861534, -0.008833828382194042, -0.012234198860824108, -0.044585272669792175, -0.03887835890054703, 0.010135718621313572, 0.025467107072472572, -0.03229162469506264, 0.018202681094408035, -0.004045370500534773, -0.026204250752925873, 0.005376983899623156, -0.005513711832463741, -0.0005134737002663314, 0.0208659078925848, -0.0013189809396862984, 0.011913185007870197, -0.04013863578438759, 0.03369457647204399, -0.014933093450963497, -0.059589702636003494, 0.0052194492891430855, 0.052598729729652405, 0.021020470187067986, -0.05473882332444191, 0.03046065755188465, 0.08460501581430435, 0.00010096706682816148, 0.04722471907734871, -0.01645493693649769, 0.04836610332131386, -0.019950423389673233, 0.016538163647055626, 0.007775671314448118, 0.039472825825214386, -0.010468621738255024, -0.02553844451904297, -0.056165553629398346, 0.010985811240971088, -0.019141944125294685, 0.033718355000019073, 0.053216978907585144, 0.0057990578934550285, -0.010539958253502846, 0.0752837210893631, -0.05454859510064125, -0.04192204400897026, -0.0017388255801051855, 0.002538388129323721, -0.028011439368128777, -0.03678582236170769, 0.018999271094799042, 0.025918904691934586, -0.06425034999847412, -0.008150187321007252, 0.02431383542716503, 0.04063798859715462, -0.028011439368128777, 0.05226582661271095, 0.10586327314376831, 0.014053277671337128, 0.021507935598492622, -0.046986933797597885, 0.021210700273513794, 0.009505580179393291, -0.024777522310614586, -0.008280971087515354, -0.0003579825861379504, -0.0014720570761710405, 0.015051987953484058, 0.026204250752925873, 0.0012186641106382012, -0.02261365018785, 0.04534619301557541, 0.009553137235343456, 0.006765071768313646, 0.051647577434778214, 0.016324155032634735, -0.013708485290408134, 0.021983511745929718, -0.014944982714951038, -0.050839100033044815, 0.029461948201060295, 0.012674106284976006, 0.012055857107043266, 0.001113145612180233, 0.008102630265057087, 0.042492736130952835, -0.02667982690036297, 0.018107565119862556, -0.01475475262850523, 0.05702159181237221, -0.018725814297795296, 0.0548814982175827, -0.043015871196985245, 0.015444338321685791, 0.08094307780265808, 0.03612001612782478, -0.046772923320531845, 0.023303234949707985, -0.034574393182992935, -0.041446469724178314, -0.012424428947269917, -0.024587292224168777, -0.029176602140069008, 0.008209634572267532, 0.0006405417225323617, 0.06101642921566963, -0.06301385164260864, -0.07980169355869293, 0.0005610313382931054, 0.010266502387821674, 0.003513319417834282, -0.008738713338971138, 0.021305814385414124, 0.015539453364908695, 0.006461892277002335, -0.006438113283365965, -0.023755032569169998, -0.00875060260295868, 0.012026133947074413, -0.01971263438463211, -0.0014698278391733766, -0.03150692582130432, -0.0195937417447567, -0.01823834888637066, 0.053977902978658676, 0.04525107890367508, 0.036238908767700195, -0.04194582253694534, -0.008887331001460552, 0.006152767688035965, 0.017786551266908646, -0.025800010189414024, -0.046654026955366135, 0.005793112795799971, -0.014647748321294785, 0.0026067523285746574, -0.024040378630161285, -0.02981862984597683, 0.011794290505349636, 0.041446469724178314, 0.004975716583430767, 0.061777353286743164, 0.035810891538858414, 0.02188839577138424, 0.02889125607907772, -0.019867196679115295, -0.007900509983301163, -0.011913185007870197, 0.03324277698993683, 0.001110916375182569, 0.01854747347533703, -0.061063989996910095, -0.00503516336902976, 0.03709494695067406, 0.016645168885588646, -0.006735348608344793, -0.008708990179002285, -0.020152542740106583, -0.023505356162786484, -0.05307430773973465, -0.01937973126769066, 0.02031899429857731, -0.00750815961509943, 0.044490158557891846, 0.025776231661438942, -0.00033996268757618964, -0.004642813000828028, -0.015230328775942326, -0.003632213454693556, 0.05806785821914673, -0.009862261824309826, 0.006860187277197838, -0.0144931860268116, -0.006455947179347277, -0.04960260167717934, 0.014160281978547573, 0.002395715331658721, 0.013375581242144108, -0.01188346091657877, 0.004452582448720932, 0.027821209281682968, 0.03554932400584221, 0.03612001612782478, 0.027060287073254585, -0.013256687670946121, -0.029842408373951912, -0.019355952739715576, 0.016229039058089256, 0.014540743082761765, 0.047177162021398544, 0.011431663297116756, -0.06396500021219254, 0.005647467914968729, 0.043015871196985245, 0.037071168422698975, -0.023113004863262177, -0.005305647384375334, -0.03723761811852455, -0.005929841194301844, 0.023386461660265923, 0.011639728210866451, -0.015337334014475346, 0.013577701523900032, -0.0323391854763031, -0.0026929504238069057, 0.005596937611699104, -0.030317984521389008, 0.02263742871582508, -0.03626268729567528, 0.013423139229416847, -0.025157982483506203, -0.02011687494814396, -0.021983511745929718, -0.007454657461494207, -0.023505356162786484, -0.019558072090148926, -0.027036508545279503, 0.0036262688226997852, -0.04808075726032257, 0.04389568790793419, 0.011401940137147903, 0.022887106984853745, -0.01867825724184513, 0.02201917953789234, -0.00045699902693741024, -0.006711569614708424, -0.03814121335744858, 0.013030788861215115, -0.004642813000828028, 0.027987660840153694, 0.01068263128399849, 0.03975817188620567, -0.015408669598400593, -0.011491110548377037, 0.01250765472650528, -0.001034378306940198, -0.011401940137147903, 0.04204094037413597, -0.021448487415909767, 0.011134428903460503, -0.0003132115234620869, 0.02608535625040531, 0.09530548006296158, 0.0026141831185668707, -0.04767651855945587, -0.007097975350916386, 0.03840278089046478, 0.029842408373951912, 0.005106499884277582, -0.03219651058316231, -0.062015142291784286, 0.04284941777586937, 0.02534821256995201, -0.05673624575138092, -0.005602882709354162, 0.012364981696009636, 0.0323391854763031, -0.01158028095960617, -0.030579552054405212, 0.007157422136515379, 0.033528123050928116, -0.007644888013601303, -0.007781615946441889, 0.0031804160680621862, 0.01251954399049282, 0.010504290461540222, 0.0032339184544980526, -0.0011190903605893254, 0.00040535442531108856, 0.009035948663949966, 0.011211710050702095, -0.005032191053032875, 0.003468734212219715, -0.05331209674477577, 0.01313779316842556, 0.009089450351893902, 0.00521053234115243, -0.005406707525253296, 0.0009853345109149814, -0.016133923083543777, 0.002652823692187667, 0.009874152019619942, -0.0029664067551493645, 0.03669070824980736, -0.0009221720392815769, 0.0007308269268833101, -0.010718299075961113, 0.01845235750079155, -0.018725814297795296, 0.007401155307888985, -0.0070801409892737865, -0.01867825724184513, 0.021151253953576088, -0.015658346936106682, 0.03909236565232277, 0.0075022149831056595, 0.0016660030232742429, 0.021151253953576088, 0.021115584298968315, 0.01537300180643797, 0.029152823612093925, 0.038830798119306564, 0.045821771025657654, -0.003825416322797537, -0.010765857063233852, -0.03336167335510254, -0.03281475976109505, -0.002741994336247444, -0.0025279850233346224, 0.011841848492622375, -0.021305814385414124, 0.015218439511954784, 0.03305254876613617, -0.0012810834450647235, 0.00911917444318533, -0.01949862577021122, -0.0275120846927166, 0.0072168693877756596, -0.010516179725527763, 0.015919914469122887, -0.0075557176023721695, 0.02732185460627079, -0.0044941953383386135, -0.010878806002438068, -0.00656889658421278, 0.005950647406280041, -0.005876339040696621, 0.02106802724301815, -0.04294453561306, 0.03231540694832802, -0.0036649093963205814, 0.02085401862859726, -0.010486455634236336, -0.008251247927546501, 0.006658067461103201, -0.02492019534111023, -0.006479726172983646, -0.021710054948925972, -0.010890696197748184, 0.030841119587421417, -0.021626830101013184, -0.019011160358786583, 0.004098872654139996, 0.03887835890054703, 0.024254387244582176, 0.0031952778808772564, -0.0058644493110477924, -0.0039324210956692696, 0.015337334014475346, 8.771919965511188e-06, -0.039877068251371384, -0.044371262192726135, -0.015575122088193893, 0.0444188192486763, -0.05107688903808594, -0.025704896077513695, 0.03378969058394432, -0.035834670066833496, -0.002860888373106718, -0.041755594313144684, 0.0010752481175586581, -0.019106274470686913, 0.0004499396891333163, 0.04610711708664894, 0.0212701465934515, -0.015111435204744339, -0.02178139239549637, 0.006235993467271328, 0.018737703561782837, -0.016657058149576187, -0.019534293562173843, -0.018927933648228645, 0.030793560668826103, 0.02179328165948391, -0.009773091413080692, 0.001261020079255104, -0.09102529287338257, -0.005332398694008589, -0.006693735718727112, 0.001937973196618259, -0.004500139970332384, -0.032695867121219635, -0.02784498780965805, -0.02293466404080391, -0.00881599448621273, 0.05055375397205353, -0.0006698936922475696, 0.0029173630755394697, 0.027345633134245872, 0.0011198334395885468, -0.014231618493795395, 0.023933373391628265, -0.000425417791120708, -0.005885255988687277, 0.017869776114821434, 0.032886095345020294, -0.014730974100530148, 0.00911917444318533, -0.012650327757000923, -0.0037778588011860847, -0.023850148543715477, 0.02794010378420353, -0.03345678746700287, -0.004173181485384703, 0.05131467431783676, -0.03469328582286835, 0.006640233099460602, -0.006134933326393366, 0.004928158596158028, -0.004815209191292524, -0.0032101396936923265, -0.017584431916475296, 0.0271078459918499, -0.038735684007406235, 0.008102630265057087, -0.019688855856657028, 0.0005762646324001253, -0.010569681413471699, -0.01607447676360607, -0.0009883068269118667, 0.035929784178733826, 0.012745442800223827, -0.015670236200094223, 0.006812629755586386, 0.006824519019573927, -0.023790700361132622, 0.012721664272248745, 0.012115304358303547, 0.00907161645591259, 0.0050738039426505566, 0.009784980677068233, 0.03076978214085102, -0.0033647017553448677, -0.006491615436971188, 0.01666894741356373, -0.016823509708046913, -0.021662497892975807, -0.008625764399766922, 0.050125736743211746, -0.01538489107042551, 0.008477146737277508, -0.0156345684081316, 0.010534013621509075, 0.0005751500139012933, -0.033195219933986664, 0.007347652688622475, -0.005014356691390276, 0.003150692442432046, 0.009368851780891418, 0.026608489453792572, 0.016205260530114174, 0.0383790023624897, -0.04204094037413597, -0.01256710197776556, -0.022875217720866203, 0.03666692599654198, 0.003875946393236518, -0.0473673939704895, -0.029580842703580856, -0.048223428428173065, 0.020984800532460213, -0.017584431916475296, 0.020104985684156418, 0.00500543974339962, -0.01866636797785759, 0.0034806234762072563, -0.02042599953711033, 0.02324378862977028, -0.015456227585673332, 0.012840558774769306, 0.04232628643512726, -0.0017774661537259817, 0.023814480751752853, -0.013375581242144108, -0.019213279709219933, 0.039449047297239304, 0.023089226335287094, 0.03148314729332924, 0.026608489453792572, -0.045108404010534286, 0.022375861182808876, 0.031055128201842308, 0.03162581846117973, -0.018202681094408035, 0.0594470277428627, -0.0327434241771698, -0.02062811888754368, -0.013007010333240032, 0.0061943805776536465, 0.021531714126467705, 0.007632998749613762, 0.012590880505740643, 0.004455554764717817, -0.009107285179197788, -0.010581571608781815, 0.006675901357084513, 0.015265997499227524, 0.03868812695145607, -0.01615770347416401, -0.02137715183198452, -0.024373281747102737, -0.04653513431549072, -0.022185631096363068, 0.02648959681391716, -0.02313678339123726, 0.035192642360925674, 0.01896360144019127, 0.025918904691934586, 0.004110761918127537, -0.010730188339948654, -0.028962593525648117, -0.002128203632310033, 0.004708204884082079, -0.03949660807847977, -0.02805899828672409, 0.0012773680500686169, 0.03554932400584221, 0.0126146599650383, -0.009969267062842846, -0.013209129683673382, 0.01689484529197216, -0.007912399247288704, -0.015717795118689537, 0.001902304938994348, -0.04644002020359039, 0.03295743465423584, 0.021662497892975807, 0.04225494712591171, 0.0032636418472975492, 0.006420279387384653, -0.008542537689208984, 0.01068263128399849, -0.044157251715660095, 0.012145028449594975, 0.02836812287569046, -0.00944613292813301, -0.0004109275760129094, 0.00045959983253851533, 0.03535909205675125, 0.0003637415065895766, 0.01105714775621891, -0.012026133947074413, -0.00458633853122592, 0.017762772738933563, 0.013684705831110477, -0.0058912006206810474, -0.005760417319834232, -0.01001087948679924, 0.033195219933986664, 0.0661526545882225, -0.019106274470686913, -0.007187145762145519, -0.029438169673085213, 0.030270427465438843, -0.005695025436580181, 0.03065088763833046, 0.02565733715891838, 0.012864337302744389, -0.0032636418472975492, 0.013209129683673382, 0.017857886850833893, -0.026846278458833694, 0.02720296010375023, 0.004318826831877232, 0.023695586249232292, -0.012329313904047012, 0.0019662105478346348, 0.03840278089046478, -0.0433487743139267, -0.0020553809590637684, -0.0020226852502673864, -0.03868812695145607, 0.053740113973617554, -0.00518675334751606, 0.025609780102968216, -0.005489933304488659, 0.044466376304626465, -0.004755762405693531, -0.030413100495934486, -0.012281755916774273, 0.014671526849269867, 0.025728674605488777, 0.0031239413656294346, 0.022031068801879883, 0.0061408779583871365, -3.6713183362735435e-05, 0.015444338321685791, 0.03357568383216858, -0.008399865590035915, 0.027369411662220955, 0.011859682388603687, -0.010753967799246311, -0.012674106284976006, -0.01991475559771061, 0.010076271370053291, 0.02219752036035061, 0.005376983899623156, 0.024337613955140114, -0.01188940554857254, 0.007971846498548985, 0.0070325834676623344, 0.01656194217503071, -0.03697605058550835, 0.024872636422514915, 0.0006097035948187113, 0.024111714214086533, -0.013791711069643497, 0.017453648149967194, -0.020687567070126534, 0.018642587587237358, -0.024337613955140114, 0.006325163878500462, -0.011526779271662235, 0.039472825825214386, -0.006348942872136831, 0.04356278479099274, 0.01131276972591877, 0.00012075177801307291, -0.016217149794101715, -0.00531456433236599, 0.014564522542059422, -0.026132913306355476, -0.014148392714560032, -0.00631327461451292, 0.01136627234518528, 0.010712354443967342, -0.022673096507787704, 0.01616959273815155, 0.005537490826100111, -0.016978072002530098, -0.018713925033807755, -0.008370141498744488, -0.0029456003103405237, 0.007163367234170437, -0.01763198897242546, -0.008768436498939991, 0.027654757723212242, 0.0022723625879734755, 0.016526274383068085, -0.01095608714967966, -0.010486455634236336, 0.0115743363276124, 0.0256335586309433, -0.054596152156591415, 0.015598900616168976, 0.059922605752944946, 0.008120464161038399, 0.016597609966993332, 0.04684425890445709, 0.011449498124420643, -0.045845549553632736, 0.04993550479412079, -0.039377711713314056, 0.06111154705286026, 0.007900509983301163, 0.02482507936656475, 0.033528123050928116, -0.008982446044683456, 0.0031209690496325493, 0.029889965429902077, 0.00041464302921667695, 0.00818585604429245, 0.015824798494577408, -0.009594750590622425, 0.035073745995759964, 0.03547798842191696, 0.009588805958628654, -0.029271718114614487, -0.04035264253616333, -0.0028445404022932053, 0.004387190565466881, -0.0060754865407943726, 0.01854747347533703, -0.03447927534580231, 0.001351676881313324, 0.01804811879992485, 0.015563231892883778, -0.004416914191097021, 0.009202400222420692, 0.08455745130777359, -0.006491615436971188, 0.021852727979421616, -0.02014065347611904, 0.024420838803052902, -0.00515702972188592, 0.020104985684156418, -0.005754472222179174, 0.013470697216689587, -0.026442037895321846, 0.016859177500009537, -0.012590880505740643, -0.023505356162786484, -0.015896135941147804, -0.03621513023972511, -0.009677976369857788, 0.0009637849871069193, -0.032267846167087555, 0.011134428903460503, -0.02387392707169056, 0.00030076480470597744, 0.002715243026614189, -0.043420109897851944, 0.03212517499923706, -0.007002859842032194, -0.004535808227956295, -0.006985025946050882, -0.010486455634236336, 0.01386304758489132, -0.007377376314252615, 0.0091251190751791, 0.011829959228634834, 0.011271156370639801, 0.013958162628114223, -0.011835903860628605, 0.022910885512828827, -0.019248947501182556, -0.053121864795684814, 0.00625382736325264, -0.006354887504130602, 0.003296337788924575, 0.0032695867121219635, -0.012043967843055725, 0.03785586729645729, -0.0007371431565843523, -0.00938668567687273, 0.022803880274295807, 0.009773091413080692, -0.024634849280118942, -0.03521642088890076, -0.009707699529826641, 0.00787078682333231, 0.037380293011665344, -0.02191217429935932, 0.028082776814699173, -0.013934384100139141, 0.038521673530340195, 0.004856822080910206, 0.009915764443576336, 0.03191116452217102, 0.018916044384241104, -0.03861679136753082, 0.040209971368312836, 0.014374291524291039, -0.03179227188229561, -0.011538668535649776, 0.021924063563346863, 0.0009169704280793667, 0.05278896167874336, 0.017893556505441666, 0.03129291534423828, -0.0006450002547353506, 0.04232628643512726, -0.0018636643653735518, -0.018523694947361946, -0.024634849280118942, 0.011277101002633572, 0.0002366734843235463, -0.05212315544486046, -0.006551062688231468, 0.00035501024103723466, -0.008798160590231419, -0.033218998461961746, -0.022066736593842506, 0.042397622019052505, -0.002000392647460103, 0.0275120846927166, 0.002944114152342081, -0.018167011439800262, 0.006030901335179806, -0.020604340359568596, -0.021710054948925972, 0.012145028449594975, 0.009933598339557648, -0.0015010375063866377, 0.015812909230589867, 0.009303459897637367, 0.011746733449399471, -0.021139362826943398, 0.013007010333240032, 0.03276720270514488, -0.015396780334413052, 0.007496270351111889, 0.016324155032634735, -0.0029500587843358517, -0.02846323698759079, -0.022447198629379272, 0.013411249965429306, 0.027678536251187325, -0.023921484127640724, 0.00408995570614934, 0.01344691775739193, -0.008037238381803036, -0.01732286438345909, 0.03412259370088577, 0.0037838034331798553, 0.01444562803953886, 0.010587516240775585, -0.011693230830132961, -0.005822836421430111, 0.002667685505002737, -0.010569681413471699, -0.020307105034589767, -0.03792720288038254, 0.013946273364126682, -0.013304244726896286, 0.003349840175360441, 0.016597609966993332, -0.014255397953093052, -0.03859301283955574, 0.024468397721648216, -0.04306342825293541, 0.006979081314057112, -0.001032149069942534, 0.016538163647055626, 0.0024224664084613323, -0.0011176042025908828, 0.0008731282432563603, 0.005207559559494257, -0.0006947871297597885, 0.009523414075374603, 0.023291345685720444, 0.0195937417447567, -0.04674914479255676, -0.0022233189083635807, 0.07243026047945023, -0.06144445016980171, 0.009190510958433151, -0.022399641573429108, 0.027868768200278282, -0.03545420989394188, -0.01948673650622368, 0.007323874160647392, -0.036334022879600525, -0.00534428795799613, 0.0012773680500686169, 0.03400370106101036, 0.00813235342502594, 0.06677090376615524, -0.009053782559931278, -0.012055857107043266, -0.03312388435006142, 0.00787078682333231, -0.037713196128606796, -0.01844046823680401, 0.013625259511172771, 0.006372721400111914, -0.0026944365818053484, 0.027345633134245872, -0.002967892913147807, -0.02377881109714508, 0.028796140104532242, -0.012959452345967293, 0.03795098513364792, -0.020913464948534966, -0.01845235750079155, 0.003887835657224059, 0.05516684427857399, 0.008928943425416946, -0.012049912475049496, -0.0030496325343847275, 0.003489540657028556, -0.02084212936460972, -0.02534821256995201, -0.003956199623644352, -0.00813829805701971, 0.009030004031956196, -0.025681117549538612, 0.01802433840930462, -0.005593965295702219, -0.0060219839215278625, -0.008489036001265049, 0.0030065334867686033, 0.042492736130952835, -0.024587292224168777, 0.02991374582052231, 0.006235993467271328, -0.01095608714967966, -0.01762009970843792, 0.019879085943102837, -0.019153833389282227, -0.004767651669681072, 0.008857606910169125, 0.0023986876476556063, -0.0057723065838217735, 0.005650440230965614, -0.022566093131899834, -0.009915764443576336, -0.02011687494814396, -0.0008753574802540243, -0.009517469443380833, -0.03183982893824577, 0.006200325209647417, -0.010539958253502846, -0.03619135171175003, 0.02065189741551876, 0.010248667560517788, 0.027821209281682968, 0.01537300180643797, -0.0011064577847719193, 0.009463966824114323, -0.01574157364666462, -0.012400650419294834, -0.003186360700055957, -0.007187145762145519, -0.012448207475244999, 0.0189873818308115, 0.0014140962157398462, -0.0038908079732209444, -0.02398093231022358, -0.0005175606929697096, 0.03034176304936409, 0.015658346936106682, 0.017643878236413002, 0.01669272594153881, -0.04235006496310234, -0.01908249594271183, 0.05064886808395386, 0.00018224229279439896, 0.024468397721648216, 0.006354887504130602, -0.02064000815153122, 0.02827300690114498, -0.019225168973207474, 0.008423644118010998, 0.011514890007674694, 0.02553844451904297, 0.03409881517291069, -0.027702314779162407, 0.009238068014383316, 0.011181985959410667, -0.011348437517881393, -0.036857157945632935, -0.004550670273602009, -0.02722673863172531, 0.010337837971746922, 0.01981963962316513, 0.031055128201842308, -0.011734843254089355, -0.01794111356139183, 0.007829173468053341, 0.02097291126847267, 0.01960563100874424, 0.013054567389190197, -0.04439504072070122, 0.014778531156480312, 0.003721384098753333, -0.027155403047800064, 0.003956199623644352, 0.01920139044523239, 0.004387190565466881, 0.002079159952700138, -0.020996691659092903, -0.023338904604315758, 0.02774987369775772, -0.016288485378026962, 0.016597609966993332, 0.03514508530497551, 0.010646962560713291, 0.005641523282974958, 0.015503785572946072, -0.005727721378207207, 0.0011592170922085643, -0.015289776027202606, -0.027868768200278282, -0.028605910018086433, 0.021115584298968315, -0.024872636422514915, -0.012460097670555115, 0.02357669174671173, 0.012002355419099331, -0.015587011352181435, 0.004544725175946951, 0.015051987953484058, 0.027060287073254585, 0.00029965018620714545, 0.02075890265405178, 0.005433458369225264, 0.009024059399962425, 0.021091805770993233, -0.02784498780965805, 0.037475407123565674, 0.0017744938377290964, -0.008530648425221443, -0.007424933835864067, -0.007692445535212755, 0.005861476995050907, -0.04753384366631508, 0.021840838715434074, -0.0015991250984370708, 0.0005710630211979151, -0.034978631883859634, 0.03464572876691818, 0.02525309845805168, -0.007448712829500437, -0.03471706435084343, 0.003632213454693556, -0.01158028095960617, 0.012139083817601204, 0.0018606920493766665, -0.004101844970136881, 0.023945262655615807, 0.03117402270436287, -0.061587121337652206, -0.012602769769728184, 0.050743985921144485, 0.009226178750395775, -0.01865447871387005, -0.010908530093729496, 0.0252293199300766, -0.011045258492231369, 0.0020122819114476442, -0.005873366724699736, -0.011170096695423126, -0.013304244726896286, 0.013209129683673382, 0.00553154619410634, 0.009238068014383316, -0.01740609109401703, 0.005665301810950041, 0.01855936273932457, -0.010896640829741955, -0.0028311647474765778, 0.055642418563365936, -0.00850686989724636, 0.036238908767700195, -0.01857125200331211, -0.03369457647204399, -0.0004291332443244755, 0.0014594246167689562, 0.004363412037491798, 0.004934103228151798, -0.01981963962316513, 0.03795098513364792, -0.007948067970573902, 0.0025473053101450205, -0.008732768706977367, -0.030484436079859734, -0.0032785036601126194, -0.013232909142971039, -0.019724523648619652, 0.0005993003724142909, 0.034978631883859634, -0.0006357116508297622, -0.01844046823680401, 0.008269081823527813, 0.018202681094408035, 0.025086646899580956, -0.06301385164260864, 0.03856923431158066, 0.01094419788569212, 0.010914474725723267, 0.006331108510494232, 0.0034271213226020336, -0.022542312741279602, 0.0454888679087162, -0.03055577352643013, -0.009844427928328514, 0.010129773989319801, -0.023862037807703018, 0.00722281401976943, -0.05711670592427254, 0.01739419996738434, -0.0282492283731699, 0.0071990350261330605, 0.005296730436384678, -0.018428578972816467, 0.038331445306539536, -0.005778251215815544, 0.01909438520669937, -0.02231641486287117, 0.017572542652487755, 0.008572261780500412, -0.03595356270670891, -0.014469406567513943, 0.004413941875100136, -0.0038075821939855814, 0.0035935728810727596, 0.03231540694832802, 0.010230833664536476, 0.007597330491989851, 0.014837978407740593, -0.031744714826345444, 0.0002493059728294611, 0.010040603578090668, -0.01345880702137947, -0.004883573390543461, -0.0016689753392711282, -0.013684705831110477, -0.012020189315080643, 0.002047950169071555, 0.05307430773973465, -0.023386461660265923, -0.024325724691152573, 0.019676966592669487, -0.008156132884323597, 0.0020613258238881826, 0.024159273132681847, -0.007989680394530296, 0.010456732474267483, -0.023743143305182457, -0.0004952680901624262, 0.009826594032347202, 0.004196960479021072, -0.012174751609563828, -0.029271718114614487, 0.02251853421330452, -0.013708485290408134, 0.012079636566340923, -0.009469911456108093, 0.02167438715696335, 0.017382310703396797, 0.018535584211349487, 0.002600807463750243, 0.02293466404080391, 0.05706914886832237, 0.029889965429902077, -0.02219752036035061, 0.013256687670946121, 0.009018114767968655, -0.010331893339753151, 0.008411754854023457, 0.039567943662405014, -0.009576916694641113, 0.004092928022146225, -0.006515394430607557, 0.01251954399049282, 0.013898715376853943, -0.0008359738276340067, 0.04292075335979462, 0.0011473277118057013, -0.011479221284389496, 0.00628355098888278, 0.002597835147753358, 0.0012959452578797936, -0.003225001273676753, 0.014588301070034504, -0.02774987369775772, -0.007240648381412029, 0.05064886808395386, 0.03607245907187462, 0.003477651160210371, -0.003694632789120078, 0.025823788717389107, -0.005680163856595755, -0.016419269144535065, 0.022803880274295807, -0.004101844970136881, -0.026774942874908447, 0.027987660840153694, 0.005171891767531633, -0.008851662278175354, -2.721559394558426e-05, 0.01538489107042551, -0.013827378861606121, 0.0059120068326592445, 0.017905445769429207, 0.04075688496232033, -0.01001682411879301, 0.005347260273993015, -0.014302955009043217, 0.01949862577021122, 0.027488306164741516, 0.009707699529826641, -0.01438618078827858, 0.00469631515443325, -0.006485670804977417, 0.0038224440068006516, -0.038331445306539536, -0.015682125464081764, 0.0193916205316782, -0.014921204186975956, 0.010646962560713291, 0.035311535000801086, -0.007716224528849125, 0.018476136028766632, 0.044157251715660095, -0.008845717646181583, 0.014968762174248695, -0.00907161645591259, 0.03098379075527191, 0.020877797156572342, -0.011217654682695866, -0.00017193195526488125, 0.0019528348930180073, 0.020354662090539932, 0.00759138585999608, 0.01729908585548401, 0.01750120520591736, -0.013672816567122936, -0.01607447676360607, -0.05692647397518158, 0.001275138813070953, -0.01470719464123249, 0.012864337302744389, 0.02556222304701805, 0.00534428795799613, 0.020378442481160164, -0.0053591495379805565, -0.002519067842513323, 0.021400930359959602, -0.007353597320616245, -0.009113229811191559, 0.02648959681391716, -0.027797430753707886, 0.009047837927937508, -0.022803880274295807, -0.007549772504717112, -0.0006594904698431492, 0.03336167335510254, -0.005879311356693506, -0.0008530648774467409, -0.016086366027593613, 0.03504996746778488], "8eee4a42-8c54-47d8-b806-f666e7dff495": [-0.005538958590477705, 0.02570122666656971, 0.03134631738066673, 0.018759600818157196, 0.00675804540514946, -0.024049004539847374, 0.020721614360809326, -0.011422129347920418, -0.026894496753811836, 0.04594094306230545, -0.013091562315821648, -0.005943408701568842, -0.04809800907969475, -0.0125981904566288, 0.02565533109009266, 0.0049566649831831455, 0.0028497956227511168, 0.0035568661987781525, -0.03549981862306595, 0.021410038694739342, 0.027766503393650055, 0.04034174606204033, 0.054385628551244736, 0.00153318140655756, 0.02728460542857647, 0.03391643986105919, 0.01626979373395443, -0.004196528345346451, 0.013091562315821648, -0.06943920254707336, 0.011691763065755367, -0.012793243862688541, 0.014525782316923141, -0.033732857555150986, -0.017336854711174965, -0.01366525050252676, -0.01923002488911152, -0.02019382081925869, -0.013653776608407497, -0.025976596400141716, -0.009913329966366291, -0.06269263476133347, -0.002971704350784421, -0.03283790498971939, 0.04892411828041077, 0.0155239999294281, -0.03919437155127525, -0.042751237750053406, 0.015925580635666847, 0.002848361385986209, -0.08375845849514008, 0.042957764118909836, -0.02799597755074501, 0.01481262594461441, -0.01593705452978611, -0.005857355426996946, 0.0068842568434774876, 0.028890931978821754, -0.041489120572805405, -0.006603149697184563, 0.029395777732133865, -0.012093344703316689, -0.034100018441677094, 0.06241726502776146, 0.003244206076487899, -0.008433214388787746, 0.009833013638854027, -0.003614234970882535, -0.03866657614707947, 0.02999241277575493, -0.004618189297616482, 0.03862068057060242, 0.03917142376303673, 0.017795804888010025, -0.01818591170012951, 0.005943408701568842, -0.012253977358341217, -0.0038150257896631956, 0.07265185564756393, -0.025104589760303497, 0.00619583111256361, -0.006023725029081106, -0.02365889586508274, -0.01458315085619688, 0.0007303766324184835, 0.04605567827820778, -0.07953611761331558, -0.042498812079429626, -0.03384759649634361, -0.008754479698836803, 0.008880691602826118, 0.07815926522016525, -0.006293358281254768, 0.02220172807574272, 0.008685637265443802, -0.025173433125019073, 0.039859846234321594, 0.013252194970846176, -0.02049213834106922, 0.0482356958091259, 0.025402909144759178, -0.0055016689002513885, -0.02153625153005123, -0.05420204997062683, 0.03823057562112808, -0.0425676554441452, 0.019344761967658997, -0.006511359941214323, -0.006149936467409134, 0.021260879933834076, -0.07792978733778, -0.0034937604796141386, -0.015569894574582577, -0.02544880285859108, 0.03449012711644173, -0.008536478504538536, 0.008456162177026272, -0.0434626080095768, 0.014445465989410877, -0.04109901562333107, -0.04144322872161865, -0.025793015956878662, 0.026137229055166245, -0.017084430903196335, -0.008100476115942001, 0.007056363392621279, 0.01944802515208721, 0.03079557605087757, -0.026435546576976776, -0.006534307263791561, 0.051631927490234375, 0.02895977534353733, 0.047088317573070526, -0.01333251129835844, -3.576586823328398e-05, 0.005725407041609287, -0.03162168711423874, 0.03253958746790886, -0.024599745869636536, 0.0014629046199843287, -0.038276467472314835, -0.008123422972857952, -0.019172655418515205, 0.04993380978703499, 0.02953346259891987, -0.026848603039979935, 0.020285610109567642, -0.017876120284199715, 0.0011014811461791396, -0.00804884359240532, -0.024599745869636536, 0.015076522715389729, -0.015432209707796574, 0.007859527133405209, 0.011479498818516731, -0.015799369663000107, 0.0010792507091537118, 0.07834284752607346, -0.03566044941544533, 0.007222732994705439, -0.05929639935493469, -0.03538507968187332, -0.015260103158652782, -0.024806272238492966, 0.022832784801721573, -0.024852167814970016, 0.0032814957667142153, -0.044793564826250076, -0.025425855070352554, -0.020664244890213013, -0.011462287977337837, 0.006190094631165266, -0.040112271904945374, 0.019792238250374794, 0.033228013664484024, -0.00675804540514946, -0.0052865357138216496, -0.08614500612020493, 0.0031983109656721354, -0.012735875323414803, 0.008301266469061375, 0.02365889586508274, -0.030382521450519562, -0.022373834624886513, -0.025150485336780548, -0.02544880285859108, 0.007142416667193174, 0.023085208609700203, -0.0620959997177124, -0.012712927535176277, -0.027720607817173004, 0.021685410290956497, -0.013676723465323448, -0.07673651725053787, -0.04020405933260918, -0.049245383590459824, 0.034191809594631195, -0.035155605524778366, -0.03116273693740368, 0.023131104186177254, 0.04442640393972397, -0.004979612771421671, 0.006614623591303825, 0.01109512709081173, -0.020136451348662376, -0.02875324711203575, 0.0026891629677265882, -0.026137229055166245, -0.03187410905957222, -0.024209637194871902, 0.04910770058631897, -0.0024324373807758093, 0.004497714340686798, 0.03646361455321312, -0.030772628262639046, 0.030520206317305565, -0.037197936326265335, 0.020205294713377953, -0.011519656516611576, 0.010997600853443146, -0.007383365649729967, -0.007371891755610704, 0.043829768896102905, -0.008364371955394745, 0.020538033917546272, 0.022718047723174095, 0.031116841360926628, -0.0036228401586413383, 0.017658120021224022, 0.014881469309329987, 0.03380170091986656, 0.0053783259354531765, 0.006471201777458191, 0.006568728480488062, 0.07095374166965485, -0.05879155546426773, 0.023842476308345795, 0.023096682503819466, -0.03767983242869377, -0.012644085101783276, -0.025793015956878662, 0.036280035972595215, -0.012586716562509537, 0.059847142547369, -0.007498103193938732, -0.020710140466690063, -0.024416165426373482, -0.04100722447037697, -0.004930849187076092, -0.032814957201480865, 0.014261885546147823, -0.04665231332182884, -0.016614006832242012, -0.07104553282260895, -0.03054315410554409, -0.03859773278236389, -0.0037547885440289974, 0.018553072586655617, -0.017084430903196335, -0.0077333152294158936, -0.006442517042160034, -0.01351609081029892, -0.0344671793282032, -0.024599745869636536, 0.006735098082572222, 0.04047943279147148, 0.04272828996181488, 0.04970433562994003, -0.03848299756646156, -0.022832784801721573, 0.006356463767588139, 0.03809288889169693, 0.01693527214229107, -0.03834531083703041, -0.04307250306010246, 0.03389349207282066, -0.008978218771517277, -0.03237895667552948, 0.01981518603861332, -0.004236686509102583, -0.013768513686954975, -0.01141065638512373, -0.01931034028530121, 0.023165524005889893, 0.01366525050252676, -0.03253958746790886, 0.027445238083600998, 0.0332968570291996, -0.03267727419734001, 0.04109901562333107, 0.01669432409107685, -0.04376092553138733, -0.04718010872602463, 0.033319804817438126, 0.00027572884573601186, -0.006339253392070532, 0.004916506819427013, 0.02599954418838024, -0.024439113214612007, -0.010836968198418617, 0.020595401525497437, -0.016614006832242012, -0.011468024924397469, 0.0195742379873991, -0.04690473899245262, -0.004374371841549873, -0.012081870809197426, 0.006046672351658344, 0.025838911533355713, -0.03866657614707947, 0.009018376469612122, 0.03148400038480759, 0.05277930200099945, -0.021582145243883133, -0.08150960505008698, -0.012414610013365746, 0.026802707463502884, -0.027559975162148476, -0.004962401930242777, 0.006419569719582796, -0.03848299756646156, -0.009138851426541805, -0.010647650808095932, -0.006545781157910824, -0.04855696111917496, -0.05195319280028343, 0.029005669057369232, 0.012678506784141064, -0.037610989063978195, 0.026642074808478355, -0.031392212957143784, -0.0165566373616457, 0.024140793830156326, 0.022752469405531883, -0.003906815778464079, 0.022718047723174095, -0.017256537452340126, 0.019551290199160576, -0.01602884568274021, 0.03754214942455292, -0.016040319576859474, -0.055257637053728104, 0.013745566830039024, 0.022763943299651146, 0.02081340365111828, -0.05585427209734917, 0.006385148502886295, 0.07104553282260895, 0.010165752843022346, 0.0549822673201561, -0.024691535159945488, 0.028087768703699112, -0.02636670507490635, -0.011485235765576363, 0.014296307228505611, 0.017130326479673386, 0.011697500012814999, -0.038322363048791885, -0.03946974128484726, 0.007073574233800173, -0.02769766002893448, -0.0022201729007065296, 0.04906180500984192, 0.011852395720779896, -0.007251417264342308, 0.07554324716329575, -0.05865386873483658, -0.045917995274066925, -0.013252194970846176, 0.013883251696825027, -0.012563768774271011, -0.025058696046471596, 0.01468641497194767, 0.012242503464221954, -0.05787365511059761, 0.0025113194715231657, 0.01886286400258541, 0.05181550607085228, -0.006608886644244194, 0.03733561933040619, 0.08775132894515991, 0.0224082563072443, -0.006901467684656382, -0.03843710198998451, 0.03205769136548042, 0.0015475236577913165, -0.039079632610082626, 0.0059204609133303165, 0.002540003973990679, 0.005005428567528725, 0.007704630959779024, 0.01293092966079712, 0.01827770285308361, -0.007337470538914204, 0.06163704767823219, 0.002651873277500272, -0.01109512709081173, 0.04782263934612274, 0.0251963809132576, -0.02907451242208481, 0.051172975450754166, -0.0321265310049057, -0.06700676679611206, 0.0298317801207304, -0.005561905913054943, -0.010165752843022346, -0.011559815146028996, 0.00855368934571743, 0.0549822673201561, 0.006109778303653002, 0.021593619138002396, -0.010928758420050144, 0.05085171014070511, -0.008456162177026272, 0.03634887561202049, -0.07054068893194199, 0.002861269284039736, 0.05640501156449318, 0.049383070319890976, -0.04892411828041077, 0.021914884448051453, -0.03930910676717758, -0.040112271904945374, 0.0011093693319708109, -0.027192814275622368, -0.0027608738746494055, -0.010492755100131035, 0.0032384691294282675, 0.062141891568899155, -0.06205010414123535, -0.04919949173927307, 0.004784558434039354, -0.014606098644435406, 0.04394450783729553, -0.005840144585818052, 0.01881696842610836, 0.015604316256940365, 0.003872394561767578, 0.020790455862879753, -0.03334275260567665, -0.023337630555033684, 0.021846042945981026, -0.021341197192668915, 0.015455156564712524, -0.019344761967658997, -0.00706210033968091, -0.024347322061657906, 0.05195319280028343, 0.05310056731104851, 0.05268751457333565, -0.05658859387040138, -0.007033416070044041, 0.017222115769982338, 0.024255532771348953, -0.03155284374952316, -0.01894318126142025, -0.004417398013174534, -0.03976805880665779, 0.03777162358164787, -0.023635949939489365, -0.015879686921834946, 0.008651216514408588, 0.04288892075419426, 0.0006690637092106044, 0.046583473682403564, 0.03283790498971939, 0.02157067134976387, 0.02733050100505352, -0.012506400234997272, 0.009270799346268177, -0.0058143287897109985, 0.0379781499505043, -0.00984448753297329, 0.020251188427209854, -0.0458032563328743, -0.0013632263289764524, 0.05328414961695671, 0.027651766315102577, -0.010337859392166138, -0.012058923952281475, -0.011336076073348522, 0.014147148467600346, -0.055716585367918015, -0.041282594203948975, 0.03033662587404251, -0.023590054363012314, 0.04100722447037697, 0.014158621430397034, -0.012449031695723534, -0.0032040479127317667, -0.011169707402586937, -0.011772079393267632, 0.07375334203243256, -0.008525004610419273, 0.03683077543973923, -0.0016421821201220155, -0.016178004443645477, -0.03618824481964111, 0.012655558995902538, 0.0029243750032037497, 0.011181180365383625, -0.009810065850615501, 0.003046283731237054, 0.03696845844388008, 0.024416165426373482, 0.025104589760303497, 0.04008932411670685, -0.022339414805173874, -0.016545163467526436, -0.03784046694636345, 0.03045136295258999, 0.00024327960272785276, 0.04151206836104393, -0.01772696152329445, -0.054752789437770844, 0.010550123639404774, 0.0391484759747982, 0.01878254860639572, -0.01902349665760994, -0.019344761967658997, -0.06595118343830109, -0.02052656002342701, 0.011886817403137684, 0.004672689363360405, -0.026894496753811836, 0.008777427487075329, -0.01644190028309822, 0.012093344703316689, -0.0075210509821772575, -0.04878643527626991, 0.008175055496394634, -0.0053926678374409676, 0.017761383205652237, -0.00457803113386035, 0.003949842415750027, -0.02574712038040161, -0.009523222222924232, -0.025173433125019073, -0.025586487725377083, -0.02402605675160885, 0.016614006832242012, -0.04314134269952774, 0.03988279402256012, -0.01254082191735506, 0.010509965941309929, -0.017095904797315598, 0.013722619041800499, 0.005407010205090046, -0.0018171570263803005, -0.03155284374952316, 0.011594235897064209, 0.011135285720229149, 0.029441673308610916, 0.016418952494859695, 0.048511065542697906, -0.002785255666822195, -0.0076185776852071285, 0.010527176782488823, 0.010750914923846722, -0.02044624276459217, 0.048832330852746964, -0.0149158900603652, 0.04578030854463577, 0.005177535116672516, 0.015833791345357895, 0.06462022662162781, -0.0024467797484248877, -0.02023971639573574, -0.013481670059263706, 0.04456409066915512, 0.041282594203948975, -0.007853790186345577, -0.026802707463502884, -0.07301902025938034, 0.028179557994008064, 0.012586716562509537, -0.0449083037674427, -0.022086990997195244, -0.0025844648480415344, 0.0320347435772419, -0.013034192845225334, -0.02682565525174141, 0.006224515847861767, 0.039699215441942215, -0.00838731974363327, -0.025563541799783707, 0.01853012479841709, 0.028317242860794067, -0.01333251129835844, 0.003086441894993186, 0.02123793214559555, -0.0032786272931843996, 0.019493920728564262, 0.01856454648077488, -0.01322924718260765, 0.005926197860389948, -0.04956664890050888, 0.024255532771348953, 0.016258319839835167, 0.003490892006084323, -3.289742744527757e-05, -0.014009462669491768, -0.009488800540566444, 0.019425079226493835, 0.019333288073539734, 0.002752268686890602, 0.03013009764254093, 0.002238817745819688, 0.005949145648628473, 0.005108692217618227, 0.008209476247429848, -0.035316240042448044, 0.004096132703125477, -0.02139856480062008, -0.02453090250492096, 0.017715487629175186, -0.030175993219017982, 0.03749625384807587, 0.009477327577769756, 0.01024033222347498, 0.019929923117160797, 0.02336057834327221, 0.005166061222553253, 0.012047450058162212, 0.0332968570291996, 0.03988279402256012, -0.01581084355711937, -0.013952094130218029, -0.01761222444474697, -0.02907451242208481, 0.005725407041609287, -0.00792836956679821, -0.004687031731009483, -0.02437026984989643, 0.019505394622683525, 0.022373834624886513, -0.027812398970127106, -0.010877125896513462, -0.01932181417942047, -0.0155239999294281, 0.007050626445561647, -0.02286720648407936, -0.0008978218538686633, -0.004985349252820015, 0.03247074410319328, -0.011955659836530685, -0.0005148850614205003, -0.015661684796214104, 0.011508182622492313, -0.001563300029374659, 0.03499497473239899, -0.0251963809132576, 0.049291279166936874, -0.011852395720779896, 0.022132886573672295, -0.027628818526864052, -0.019034970551729202, -0.002455384936183691, -0.031070945784449577, -5.656206121784635e-05, -0.010498492047190666, 0.00019917733152396977, 0.023635949939489365, -0.023521210998296738, -0.009867435321211815, -0.009810065850615501, 0.027215762063860893, 0.02035445347428322, 0.018931707367300987, -0.009018376469612122, 0.022121412679553032, 0.016453374177217484, 0.002402318874374032, -0.025884807109832764, -0.03568339720368385, 0.013343985192477703, 0.04254470765590668, -0.04142028093338013, -0.032310113310813904, 0.018633389845490456, -0.04098427668213844, -0.024852167814970016, -0.03178232163190842, 0.0077103679068386555, -0.012735875323414803, 0.01361935492604971, 0.037404462695121765, 0.03600466251373291, -0.021260879933834076, -0.023498263210058212, 0.0070907846093177795, 0.024645639583468437, -0.01036654319614172, -0.00627041095867753, -0.004374371841549873, 0.015455156564712524, 0.028317242860794067, 0.0068440986797213554, -0.021547723561525345, -0.0804540142416954, 0.007871000096201897, 0.005275061819702387, -0.0021929226350039244, -0.028133664280176163, -0.02336057834327221, -0.0005130922654643655, -0.0048333220183849335, -0.015179786831140518, 0.036578353494405746, -0.013779987581074238, 0.0021097378339618444, 0.017084430903196335, 0.005140245426446199, -0.014571676962077618, 0.02011350356042385, -0.009540433064103127, 0.002093961462378502, 0.013642302714288235, 0.033067382872104645, -0.012678506784141064, 0.008002948947250843, 0.007257154211401939, 0.0071653639897704124, -0.02427848055958748, 0.03795520216226578, -0.027146920561790466, -0.011990080587565899, 0.0481439046561718, -0.03547687083482742, -0.009706802666187286, -0.0034220493398606777, 0.025609435513615608, -0.0054672472178936005, 0.0034449968952685595, -0.006155672948807478, 0.03426065295934677, -0.037358567118644714, -0.009247851558029652, -0.00202942150644958, 0.007136679720133543, 0.007188311778008938, -0.0183580182492733, -0.00811194907873869, 0.019367709755897522, 0.006442517042160034, -0.0026432678569108248, -0.004681294783949852, 0.009586327709257603, -0.012299872934818268, 0.023681843653321266, 0.003031941596418619, 0.007957053370773792, 0.0003675189218483865, 0.024668587371706963, 0.051218871027231216, -0.00012101233005523682, -0.015960002318024635, 6.866329204058275e-05, -0.020056135952472687, -0.01456020399928093, -0.01636158488690853, 0.050209179520606995, -0.03354927897453308, 0.0009702499955892563, -0.004658347461372614, 0.01441104430705309, -0.008192265406250954, -0.03885015845298767, 0.0009236378245986998, 0.00464113662019372, 0.013263668864965439, 0.016786113381385803, 0.028592614457011223, 0.03070378676056862, 0.022683626040816307, -0.02778945118188858, -0.02850082330405712, -0.013343985192477703, 0.03132336959242821, 0.016579585149884224, -0.043623242527246475, -0.020916666835546494, -0.0401352196931839, 0.013206299394369125, -0.011697500012814999, 0.024347322061657906, 0.014502834528684616, -0.023050786927342415, -0.002613149117678404, -0.03304443508386612, 0.00469563715159893, -0.01295387651771307, 0.022270571440458298, 0.03846004977822304, 0.01441104430705309, 0.02019382081925869, -0.012185134924948215, -0.04002048075199127, 0.04548199102282524, 0.005977829918265343, 0.021880462765693665, 0.024003108963370323, -0.03334275260567665, 0.01998729258775711, 0.024852167814970016, 0.016086213290691376, -0.0009207693510688841, 0.047593165189027786, -0.021352671086788177, -0.034100018441677094, 0.0051545873284339905, 0.02199520170688629, 0.027605870738625526, 0.018208859488368034, 0.008863480761647224, -0.0010720796417444944, -0.01047554425895214, -0.010963179171085358, 0.004317002836614847, 0.03588992729783058, 0.04665231332182884, -0.009247851558029652, 0.00035783794010058045, -0.026091333478689194, -0.024898063391447067, -0.03513265773653984, 0.026527337729930878, -0.010676335543394089, 0.041489120572805405, -0.0031667582225054502, 0.023188471794128418, -0.004916506819427013, -0.009798592887818813, -0.02716986835002899, -0.014640520326793194, 0.008433214388787746, -0.0287073515355587, -0.02332615666091442, 0.003935500048100948, 0.035316240042448044, 0.003952710889279842, -0.00851353071630001, -0.016533691436052322, 0.01669432409107685, -0.011072180233895779, 0.005034112837165594, -0.017715487629175186, -0.04855696111917496, 0.03712909296154976, 0.01772696152329445, 0.01458315085619688, -0.001481549465097487, 0.013757039792835712, 0.003872394561767578, 0.023590054363012314, -0.02682565525174141, 0.020962562412023544, 0.0322183221578598, -0.004882085602730513, 0.002082487801089883, -0.006115514785051346, 0.03930910676717758, -0.007945580407977104, -0.015569894574582577, -0.010142805054783821, -0.011628657579421997, 0.0020150793716311455, 0.01810559630393982, -0.02416374161839485, -0.00590325053781271, -0.009110166691243649, 0.03304443508386612, 0.07168806344270706, -0.024209637194871902, 0.0055016689002513885, -0.03641771897673607, 0.027881240472197533, -0.009247851558029652, 0.031093893572688103, 0.02840903401374817, 0.022270571440458298, -0.002783821430057287, -0.0014578847913071513, 0.00012648029951378703, -0.003077836474403739, 0.024049004539847374, 0.024645639583468437, 0.027353446930646896, 0.011353286914527416, -0.002649004803970456, 0.027927136048674583, -0.020801929756999016, 0.004205133765935898, 0.0108656520023942, -0.02256888896226883, 0.03421475738286972, -0.011468024924397469, 0.018495703116059303, -0.014319254085421562, 0.03224126994609833, -0.015420735813677311, -0.020044662058353424, -0.00011124170123366639, 0.005211956333369017, 0.034100018441677094, 0.001812854316085577, 0.011513919569551945, 0.0005912572960369289, 0.0038379733450710773, 0.018828442320227623, 0.04070890694856644, -0.03366401791572571, 0.035017918795347214, 0.010854178108274937, -0.008398793637752533, -0.04162680730223656, -0.023096682503819466, 0.014193043112754822, 0.016912324354052544, 0.01384883001446724, 0.0071997856721282005, -0.01164013147354126, -0.0006188660045154393, -0.0017239326843991876, 0.0033159172162413597, -0.030864419415593147, 0.004136290866881609, 0.027514079585671425, 0.029143353924155235, -0.01310303620994091, 0.04662936553359032, -0.007893947884440422, 0.010286226868629456, -0.03070378676056862, 0.0023650291841477156, -0.024921011179685593, 0.04897001385688782, -0.005148850381374359, 0.037610989063978195, 0.024622691795229912, -0.004253897350281477, -0.018254755064845085, -0.022832784801721573, 0.023372052237391472, -0.019218550994992256, -0.005510273855179548, -0.0014887205325067043, 0.00582006573677063, 0.004377239849418402, 0.009701065719127655, 0.01952834241092205, 0.02804187312722206, -0.01797938533127308, -0.021673936396837234, 1.2616656022146344e-05, 0.0009057100396603346, 0.023475315421819687, -0.03956152871251106, -0.0012198042823001742, 0.03625708818435669, -0.009161798283457756, 0.02723870985209942, -0.014135674573481083, -0.015696106478571892, 0.022167308256030083, 0.0026059781666845083, -0.0526416189968586, 0.01731390692293644, 0.07067836821079254, -0.005834407638758421, 0.03003830835223198, 0.04874053969979286, 0.02152477763593197, -0.015283050946891308, 0.035316240042448044, -0.026297861710190773, 0.06764929741621017, 0.013309563510119915, 0.019161181524395943, 0.036234140396118164, 0.02850082330405712, -0.0036916828248649836, 0.03862068057060242, -0.006408095825463533, 0.019092340022325516, 0.02315405011177063, -0.019964344799518585, 0.038024045526981354, 0.027720607817173004, 0.010567334480583668, -0.014674941077828407, -0.0166484285145998, -0.025173433125019073, -0.007945580407977104, -0.0012986863730475307, 0.021088773384690285, -0.025770068168640137, -0.018048226833343506, -0.009546170011162758, 0.012563768774271011, -0.011898291297256947, -0.016212426126003265, 0.08894459903240204, -0.017967911437153816, 0.019413605332374573, -0.019425079226493835, 0.00636220071464777, 0.002360726473852992, 0.016682850196957588, 0.0004030158743262291, 0.005315219983458519, -0.01565021090209484, -0.004796032328158617, -0.03270022198557854, -0.0342836007475853, -0.0015044970205053687, -0.03712909296154976, 0.007027679122984409, -0.009024113416671753, -0.02386542409658432, 0.00955764390528202, -0.026343757286667824, 0.019034970551729202, -0.00689573073759675, -0.029946517199277878, 0.047501374036073685, -0.0018573151901364326, 0.005157455801963806, -0.008421741425991058, 0.0004485523677431047, -0.00729157542809844, -0.01652221754193306, 0.015053574927151203, 0.012644085101783276, 0.019872555509209633, 0.02753702737390995, -0.016499269753694534, 0.021891936659812927, -0.03364107012748718, -0.04506893455982208, 0.026733864098787308, -0.01881696842610836, -0.007670209743082523, -0.008651216514408588, -0.01338987983763218, 0.05089760571718216, 0.0027809529565274715, -0.026687970384955406, 0.022844258695840836, 0.012047450058162212, -0.036027610301971436, -0.026940392330288887, -0.006213041953742504, 0.002743663266301155, 0.023349104449152946, -0.02127235382795334, 0.013802935369312763, -0.003201179439201951, 0.026733864098787308, 0.002082487801089883, 0.010435386560857296, 0.025219328701496124, 0.03219537436962128, -0.02795008383691311, 0.029900623485445976, 0.018369492143392563, -0.029028616845607758, -7.691005885135382e-05, 0.038069941103458405, 0.0038092888426035643, 0.05842439457774162, 0.008857743814587593, 0.023337630555033684, -0.013596407137811184, 0.02482922002673149, 0.0029458883218467236, -0.008611057884991169, 0.00341631262563169, 0.019436553120613098, -0.003356075379997492, -0.024049004539847374, 0.013378405943512917, 0.012242503464221954, -0.007222732994705439, -0.03146105632185936, -0.009299484081566334, 0.017864646390080452, -0.007492366246879101, 0.0038150257896631956, 0.0004948059795424342, -0.014066832140088081, 0.007945580407977104, -0.01558136846870184, 0.005556168965995312, 0.01748601347208023, 0.020618349313735962, 0.006063883192837238, 0.016877902671694756, 0.028179557994008064, 0.008857743814587593, 0.0024381743278354406, 0.011020547710359097, 0.015409261919558048, -0.013975041918456554, -0.006826888304203749, 0.006517096422612667, 2.0818602934014052e-05, -0.02256888896226883, -0.005065665580332279, 0.01878254860639572, 0.026986287906765938, -0.02457679808139801, 0.012196608819067478, 0.014766731299459934, 0.0035167080350220203, -0.018759600818157196, 0.0378863625228405, 0.002402318874374032, 0.011381971649825573, 0.011359023861587048, -0.019207077100872993, -0.0019390657544136047, -0.0006156390300020576, -0.010280490852892399, -0.012632611207664013, -0.023142578080296516, 0.012678506784141064, -0.0012642651563510299, -0.005728275515139103, 0.017749909311532974, -0.013355458155274391, -0.03270022198557854, 0.016120634973049164, -0.05149424076080322, 0.01345872227102518, 0.017072957009077072, 0.02886798419058323, -0.006293358281254768, 0.0030720997601747513, -0.005223430227488279, 0.03171347826719284, 0.009047061204910278, -0.0010835534194484353, -0.0015776422806084156, 0.0354539230465889, -0.03891899809241295, -0.011645868420600891, 0.07453355938196182, -0.059525877237319946, 0.01084844209253788, -0.010286226868629456, 0.01940213143825531, -0.03699140623211861, -0.029235145077109337, -0.003571208333596587, -0.04307250306010246, -0.010481281206011772, -0.03476549685001373, 0.018369492143392563, 0.014996206387877464, 0.040364693850278854, -0.012299872934818268, 0.003978526685386896, -0.038941945880651474, 0.01998729258775711, -0.025379961356520653, -0.02850082330405712, 0.0038695260882377625, 0.026389651000499725, -0.005389799363911152, 0.029349882155656815, 0.009081481955945492, -0.03304443508386612, 0.04185628145933151, -0.015042101964354515, 0.022167308256030083, 0.005134508479386568, -0.016407478600740433, -0.006413832772523165, 0.04690473899245262, 0.000985309248790145, -0.013596407137811184, 0.001036224071867764, -0.014365149661898613, 0.0021900541614741087, -0.006035198457539082, -0.009018376469612122, 0.003901079064235091, 0.01366525050252676, -0.021673936396837234, 0.014973258599638939, -0.0031237315852195024, -0.008066054433584213, 0.005719670094549656, -0.000289891759166494, 0.034949079155921936, -0.01601737178862095, 0.031139789149165154, 0.009236378595232964, -0.01013706810772419, -0.027422290295362473, 0.017841698601841927, -0.005452905315905809, -0.01481262594461441, -0.0034937604796141386, 0.004185054451227188, -0.003135205479338765, 0.005054192151874304, -0.03685372322797775, 0.01182944793254137, -0.001832933397963643, 0.008777427487075329, -0.016705796122550964, -0.013975041918456554, 0.010968916118144989, -0.024003108963370323, -0.042246390134096146, 0.005114429164677858, 0.008037369698286057, 0.032814957201480865, 0.01897760108113289, -0.0024998458102345467, 0.006482675205916166, -0.007004731334745884, -0.026710916310548782, -0.0034794181119650602, -0.006367937661707401, 0.0023707658983767033, -0.010085436515510082, 0.013355458155274391, -0.005292272660881281, -0.023980161175131798, -0.004193659871816635, 0.012781770899891853, 0.0028741771820932627, 0.02677975967526436, 0.02036592736840248, -0.05199908837676048, 3.949708116124384e-06, 0.03784046694636345, -0.010842705145478249, 0.006023725029081106, 0.001782735693268478, -0.014319254085421562, 0.027651766315102577, -0.003017599228769541, -0.006052409298717976, 0.024852167814970016, 0.034100018441677094, 0.027835344895720482, -0.029510514810681343, -0.001275738817639649, -0.004976744297891855, -0.015845265239477158, -0.03829941526055336, 0.01017722673714161, -0.019792238250374794, -0.003571208333596587, 0.01272440142929554, 0.03249369189143181, -0.033273909240961075, -0.010200174525380135, 0.00878316443413496, 0.00364578771404922, 0.015294523909687996, 0.014066832140088081, -0.04392156004905701, 0.026527337729930878, 0.02023971639573574, -0.030933260917663574, -0.0008440386154688895, -0.0041162120178341866, -0.00197061849758029, 0.005639353767037392, -0.01080828346312046, -0.006230252794921398, 0.02081340365111828, -0.009442905895411968, 0.0103493332862854, 0.03226421773433685, 0.019184129312634468, 0.00011545472807483748, 0.009316694922745228, -0.01226545125246048, 0.0073145232163369656, -0.00955190695822239, -0.03593582287430763, -0.025838911533355713, 0.031438108533620834, -0.019126759842038155, -0.012253977358341217, 0.015042101964354515, 0.004586636088788509, -0.010160015895962715, 0.0026848602574318647, 0.014525782316923141, 0.031185684725642204, -0.00439158221706748, 0.03364107012748718, -0.0031208631116896868, 0.00762431463226676, 0.01631568931043148, -0.021868988871574402, 0.035109709948301315, -0.02528817020356655, -0.0020581060089170933, -0.0071825748309493065, -0.025815963745117188, 0.0009415655513294041, -0.03224126994609833, 0.018174437806010246, 1.5193770195764955e-05, -0.010028067976236343, -0.03540802747011185, 0.03483434021472931, 0.010934494435787201, -0.023888371884822845, -0.01690085045993328, 0.008031632751226425, -0.010968916118144989, 0.01384883001446724, 0.00967811793088913, -0.0063163056038320065, 0.010165752843022346, 0.03733561933040619, -0.03774867579340935, -0.015455156564712524, 0.04970433562994003, 0.026435546576976776, -0.014973258599638939, -0.011634394526481628, 0.019666027277708054, -0.01769253984093666, 0.013343985192477703, 0.0045120567083358765, -0.020124977454543114, -0.02027413621544838, 0.0183121245354414, 0.007635788526386023, 0.0032384691294282675, -0.029487567022442818, 0.009425695054233074, 0.010148542001843452, -0.020010240375995636, 0.01239166222512722, 0.04906180500984192, -0.003106520976871252, 0.024645639583468437, -0.013917672447860241, -0.03547687083482742, -0.007446471136063337, -0.008192265406250954, 0.016591059044003487, 0.0029172038193792105, -0.013940620236098766, 0.03430654853582382, -0.0026375309098511934, 0.0030204677022993565, -0.00024417598615400493, -0.03889605030417442, 0.006178620737046003, -0.020629823207855225, -0.0018487098859623075, -0.0061040413565933704, 0.038781315088272095, -0.006603149697184563, -0.02677975967526436, 0.006482675205916166, 0.040571220219135284, 0.028064820915460587, -0.047455478459596634, 0.03033662587404251, -0.01182944793254137, 0.011341813020408154, 0.001355338143184781, -0.0006773105124011636, -0.050209179520606995, 0.05787365511059761, 0.0016723007429391146, 0.005134508479386568, 0.0036716037429869175, -0.027192814275622368, 0.002250291407108307, -0.04293481633067131, 0.0054844580590724945, -0.013424301519989967, -0.0009716841741465032, 0.016051793470978737, -0.013263668864965439, 0.023016365244984627, -0.02957935817539692, 0.013481670059263706, -0.022809838876128197, 0.02549469843506813, -0.005602064076811075, -0.035866979509592056, 0.0040846592746675014, 0.008031632751226425, -0.01797938533127308, -0.0046526105143129826, 0.007371891755610704, -0.004382976796478033, 0.010481281206011772, 0.014238937757909298, -0.01772696152329445, 0.005209087859839201, 0.00905279815196991, -0.009098692797124386, 0.005564774386584759, 0.004239554982632399, -0.0032384691294282675, 0.002020816318690777, 0.012816191650927067, 0.0321265310049057, -0.0333886481821537, -0.0166484285145998, 0.02795008383691311, -0.012185134924948215, 0.011324603110551834, 0.010676335543394089, -0.004262502305209637, 0.008329951204359531, -0.012907981872558594, -0.004317002836614847, 0.010033804923295975, 0.016212426126003265, -0.008691374212503433, -0.03045136295258999, 0.017577802762389183, -0.015191260725259781, -0.0007967093260958791, -0.008140633814036846, 0.03637182340025902, 0.02494395710527897, 0.028730299323797226, 0.003892473643645644, 0.017681065946817398, 0.07003583759069443, 0.027605870738625526, -0.01001085713505745, 0.02687154896557331, -0.020515086129307747, -0.016832008957862854, -0.0009035587427206337, 0.04488535597920418, 0.004380108322948217, -0.012965350411832333, -0.009827276691794395, 6.050616502761841e-05, 0.02749113366007805, -0.02323436737060547, 0.04855696111917496, -0.027582922950387, 0.010550123639404774, 0.005217693280428648, 0.004164975602179766, 0.007584156468510628, -0.008404530584812164, -0.0021513302344828844, -0.015420735813677311, -0.0016063266666606069, 0.04685884341597557, 0.04667526111006737, -0.0019534078892320395, 0.013343985192477703, -0.01535189338028431, -0.0038551839534193277, -0.010842705145478249, 0.02804187312722206, -0.014858521521091461, -0.018794022500514984, 0.01718769408762455, 0.002114040544256568, -0.015627263113856316, -0.0309562087059021, 0.004431740380823612, -0.011376234702765942, 0.0009092956315726042, 0.04047943279147148, 0.04993380978703499, -0.02473743073642254, 0.02149035595357418, -0.008685637265443802, 0.030864419415593147, 0.020308557897806168, 0.01468641497194767, -0.016659902408719063, -0.0021312511526048183, -0.02323436737060547, 0.003674472216516733, -0.021329723298549652, -0.017543381080031395, 0.010630439966917038, 0.0001641285780351609, 0.04125964641571045, 0.03825351968407631, -0.01402093656361103, 0.010171489790081978, 0.029854727908968925, -0.0015403524739667773, 0.021800147369503975, -0.023842476308345795, 0.03345748782157898, 0.017497487366199493, 0.008163581602275372, -0.008559426292777061, 0.0009487366769462824, 0.026963340118527412, -0.013814409263432026, 0.025357013568282127, 0.006046672351658344, 0.001366094802506268, -0.006775256246328354, -0.049383070319890976, 0.01468641497194767, -0.0218230951577425, 0.012196608819067478, 0.026687970384955406, 0.007905421778559685, 0.03380170091986656, -0.01051570288836956, 0.01614358276128769, 0.04183333367109299, -0.003892473643645644, -0.003998606000095606, 0.004110475070774555, -0.03198884800076485, 0.020721614360809326, -0.021341197192668915, -0.003944105468690395, 0.00020007371495012194, 0.011898291297256947, 0.0029803095385432243, -0.000631415459793061, -0.021478882059454918, 0.04151206836104393], "a1d9a7e2-807c-4234-87aa-fb04d212b1d6": [0.003989312797784805, 0.028423121199011803, 0.022471372038125992, 0.00916194636374712, -0.004009815864264965, -0.034117117524147034, 0.04543481767177582, -0.0030168811790645123, -0.008499989286065102, 0.05881453678011894, -0.005942963063716888, -0.012079240754246712, -0.04297444596886635, -0.007521699648350477, 0.012008944526314735, 0.018769102171063423, -0.03676494583487511, 0.01071432139724493, -0.03842862322926521, 0.02159266732633114, 0.034421734511852264, 0.04803577810525894, 0.042224619537591934, -0.012583030387759209, 0.05544031783938408, 0.024205345660448074, 0.012559598311781883, 0.0032541309483349323, -0.0006949077942408621, -0.07329557090997696, 0.028657441958785057, -0.003365433542057872, 0.00481822295114398, -0.0013832253171131015, -0.003227769862860441, -0.023947592824697495, -0.006303231231868267, -0.03596825152635574, 0.014234992675483227, -0.0037872109096497297, 0.0013898155884817243, -0.04916051775217056, 8.192077075364068e-06, 0.002400324447080493, 0.025330085307359695, 0.015676066279411316, -0.05431557819247246, -0.021803556010127068, -0.011159531772136688, 0.006361811421811581, -0.07409226149320602, 0.027532702311873436, -0.03653062507510185, 0.008939340710639954, -0.04086555913090706, -0.019073719158768654, -0.005881453864276409, 0.014305288903415203, -0.04590345919132233, 0.015746362507343292, 0.03803027793765068, -0.018077854067087173, -0.014598189853131771, 0.043044742196798325, -0.0038487203419208527, -0.01711713895201683, 0.036202572286129, 0.0030520292930305004, -0.04077183082699776, 0.02781388722360134, 0.027579566463828087, 0.02725151740014553, 0.0256112702190876, 0.014820794574916363, -0.040935855358839035, -0.017784953117370605, -0.0040976861491799355, 0.0012118782615289092, 0.025986183434724808, -0.019425200298428535, 0.021147457882761955, 0.004671772476285696, -0.0375850684940815, -0.0006539016612805426, -0.023736704140901566, 0.027884183451533318, -0.0676250010728836, -0.05454989895224571, -0.007738446816802025, -0.013508598320186138, 0.012301845476031303, 0.060079868882894516, -0.030508577823638916, 0.016871102154254913, 0.01970638521015644, -0.035030968487262726, 0.03090692311525345, 0.022061308845877647, -0.017339743673801422, 0.05459676310420036, 0.010567870922386646, -0.007094064261764288, -0.025986183434724808, -0.02337350696325302, 0.04142792895436287, -0.04074839875102043, -0.014399017207324505, 0.006414533592760563, -0.019811829552054405, 0.00584044773131609, -0.07887240499258041, -0.01101308036595583, -0.028915194794535637, -0.018827682361006737, 0.04079526290297508, -0.012008944526314735, 0.00985319260507822, -0.06321977078914642, -0.001436679856851697, -0.04513020068407059, -0.038826968520879745, -0.02306888997554779, 0.0024676916655153036, -0.032570600509643555, -0.012254981324076653, -0.01062645111232996, 0.019237743690609932, 0.031328700482845306, -0.03664778545498848, -0.010936926119029522, 0.03228941559791565, 0.030321119353175163, 0.020421063527464867, -0.03435143828392029, -0.02772015891969204, 0.01521914079785347, -0.02427564188838005, 0.011007222346961498, -0.027064060792326927, -0.028118504211306572, -0.04262296482920647, -0.003298066323623061, -0.025166060775518417, 0.0404437817633152, 0.029290108010172844, -0.02311575412750244, -0.0024969817604869604, 0.011282550171017647, -0.010257395915687084, -0.03535901755094528, 0.0036612635012716055, 0.0182418804615736, -0.016882818192243576, -0.007334243040531874, 0.05230041593313217, -0.027743590995669365, 0.015008251182734966, 0.07343616336584091, -0.02483801171183586, 0.0003987115924246609, -0.04409918561577797, -0.0052810064516961575, -0.014387301169335842, -0.04013916477560997, 0.00784389115869999, -0.03653062507510185, 0.0023051316384226084, -0.026454826816916466, -0.032922081649303436, -0.018159866333007812, -0.025587838143110275, -0.015101979486644268, -0.04112331196665764, 0.002892398275434971, 0.044825583696365356, -0.025330085307359695, -0.016496188938617706, -0.05333143100142479, 0.002082526683807373, -0.0014608441852033138, -0.0037872109096497297, 0.010034791193902493, -0.035757362842559814, -0.024345938116312027, -0.024135049432516098, -0.04152165725827217, 0.005040827672928572, 0.002092778217047453, -0.050847627222537994, -0.026923468336462975, -0.03247687220573425, 0.023877296596765518, -0.01625015214085579, -0.07929418236017227, -0.023701556026935577, -0.04644239693880081, 0.05937690660357475, -0.02215503714978695, -0.04405232146382332, 0.02849341742694378, 0.02720465324819088, -0.023572679609060287, 0.018042705953121185, 0.013450018130242825, -0.012583030387759209, -0.006894891615957022, 0.0012426328612491488, -0.01581665873527527, -0.05562777444720268, -0.047145359218120575, 0.06870287656784058, -0.04712192714214325, 0.025751862674951553, 0.03538244962692261, -0.039553362876176834, 0.0216043833643198, -0.05384693667292595, 0.0012170040281489491, -0.012278413400053978, 0.009911772795021534, 0.020807692781090736, 0.01006993930786848, 0.05937690660357475, -0.020491359755396843, 0.04220118746161461, 0.007293236907571554, 0.028985491022467613, -0.022143321111798286, 0.025892455130815506, 0.01647275686264038, 0.014668486081063747, 0.025166060775518417, 0.008951056748628616, 0.0019433987326920033, 0.0724988728761673, -0.05745547637343407, 0.006367669440805912, 0.03430457413196564, -0.026712579652667046, 0.014527893625199795, -0.03212539106607437, 0.03746790811419487, -0.006379385478794575, 0.09616528451442719, 0.006830453407019377, -0.00753341568633914, -0.02905578725039959, -0.046629853546619415, 0.003511884016916156, -0.02401788905262947, 0.023783568292856216, -0.06289172172546387, 0.019718101248145103, -0.03463262319564819, -0.010257395915687084, -0.06261053681373596, 0.01594553515315056, 0.01698826253414154, -0.008611291646957397, -0.007527557667344809, 0.016613349318504333, -0.008511705324053764, -0.032781489193439484, 0.013192265294492245, -0.0061157746240496635, 0.0321488231420517, 0.02258853241801262, 0.052487872540950775, -0.035452745854854584, -0.016097843647003174, -0.0090975072234869, -0.01935490407049656, 0.007480693515390158, -0.001333432155661285, -0.028563713654875755, -0.01676565781235695, 0.003711056662723422, -0.03348445147275925, 0.01766779273748398, -0.02612677589058876, -0.004595618229359388, 0.016964830458164215, 0.005617843009531498, 0.0042031304910779, 0.025447245687246323, -0.014106116257607937, 0.016332164406776428, 0.03275805711746216, -0.04883246868848801, 0.03920188173651695, 0.024463098496198654, -0.049863480031490326, -0.046161212027072906, 0.025681566447019577, 0.048691876232624054, -0.010105087421834469, 0.006139206700026989, 0.006045478396117687, -0.02009301446378231, -0.008289100602269173, 0.024041321128606796, -0.049769751727581024, -0.028938626870512962, 0.01988212577998638, -0.028610577806830406, -0.01917916350066662, 0.016484472900629044, 0.002776702167466283, 0.04613777995109558, -0.03240657597780228, 0.00090945785632357, 0.05258160084486008, 0.07966909557580948, -0.04831696301698685, -0.08801091462373734, -0.030625738203525543, 0.045036472380161285, 0.00014059251407161355, -0.010567870922386646, 0.01455132570117712, -0.03531215339899063, -0.018335608765482903, -0.03404682129621506, -0.012665042653679848, -0.021756691858172417, -0.003810643218457699, 0.01728116348385811, -0.004680559504777193, -0.013192265294492245, 0.02767329476773739, 0.0015626272652298212, -0.045200496912002563, -0.01732802763581276, 0.02607991173863411, -0.000504522118717432, 0.01569949835538864, -0.021909000352025032, 0.006818737369030714, -0.027860751375555992, 0.00429100077599287, -0.00653169397264719, -0.049816615879535675, -0.020760828629136086, 8.46667171572335e-05, -0.006162638776004314, -0.04004543647170067, 0.0033800785895437002, 0.05056644231081009, -0.024861443787813187, 0.049816615879535675, -0.016273584216833115, 0.019038571044802666, -0.04095928743481636, -0.02276427298784256, 0.0255175419151783, 0.03182077407836914, -0.010222247801721096, -0.02940726839005947, -0.03350788354873657, -0.007591996341943741, -0.025634702295064926, 0.009876624681055546, 0.02202616073191166, -0.002983197569847107, -0.001087395241484046, 0.08018460124731064, -0.06462569534778595, -0.03763193264603615, -0.021135741844773293, 0.005562191363424063, -0.00924981664866209, -0.03423427790403366, 0.03008679859340191, 0.025962751358747482, -0.07807571440935135, -0.007720872759819031, 0.020233606919646263, 0.03186763823032379, 0.0015348016750067472, 0.06828109920024872, 0.08787032216787338, -0.005614914000034332, -0.014176412485539913, -0.03556990623474121, 0.04199029877781868, 0.008130934089422226, -0.0004627837042789906, -0.009443131275475025, -0.02746240608394146, 0.015640918165445328, 0.026759443804621696, 0.014949670992791653, 0.05220668762922287, -0.017105422914028168, 0.03721015527844429, 0.00879289023578167, -0.007949335500597954, 0.01634388044476509, 0.018441053107380867, -0.04562227427959442, 0.04177941009402275, -0.0404437817633152, -0.04916051775217056, 0.025939319282770157, -0.013625758700072765, 0.014527893625199795, -0.017398323863744736, -0.0038340752944350243, 0.05440930649638176, 0.009214668534696102, 0.03414054960012436, -0.011721901595592499, 0.03885040059685707, 0.013051671907305717, 0.03404682129621506, -0.07385794073343277, 0.0056588491424918175, 0.03407025337219238, 0.047871753573417664, -0.028985491022467613, 0.0006059391307644546, -0.04953543096780777, -0.03709299489855766, -0.033906228840351105, -0.04346651956439018, -0.004865087103098631, -0.006941755767911673, 0.001764729036949575, 0.07727902382612228, -0.045341089367866516, -0.017480336129665375, 0.005406953860074282, -0.005998614244163036, 0.02818880043923855, 0.017140571027994156, 0.010386272333562374, 0.0101109454408288, -0.005600268952548504, 0.009671594016253948, -0.03247687220573425, -0.031234972178936005, 0.007908329367637634, -0.00789075531065464, 0.036202572286129, -0.03624943643808365, 0.005913672968745232, -0.013801499269902706, 0.019343188032507896, 0.024556826800107956, 0.02525978907942772, -0.053565751761198044, 0.00544210197404027, 0.026759443804621696, 0.03402338922023773, -0.03702269867062569, -0.03423427790403366, -0.010895919986069202, -0.04456783086061478, 0.014457597397267818, -0.002665399806573987, 0.0020766686648130417, 0.014410733245313168, 0.0648600161075592, 0.0073635331355035305, 0.02638453058898449, 0.02281113713979721, 0.017656076699495316, 0.021065445616841316, 0.004941241350024939, -0.03074289858341217, 0.001009044237434864, 0.036366596817970276, 0.020585088059306145, 0.008734310045838356, -0.021006865426898003, -0.019542360678315163, 0.02936040423810482, 0.05717429146170616, 0.01595725119113922, -0.004736210685223341, -0.0008010844467207789, 0.015793226659297943, -0.03812400624155998, -0.01625015214085579, 0.024463098496198654, 0.00199319189414382, 0.01694139838218689, 0.04039691761136055, -0.014691918157041073, -0.007638860493898392, -0.012430721893906593, 0.012219833210110664, 0.08679244667291641, -0.008699161931872368, 0.0255175419151783, 0.031094379723072052, -0.011803913861513138, -0.03870980814099312, -0.009413841180503368, -0.009618871845304966, -0.008904192596673965, 0.0037081276532262564, 0.004876803141087294, 0.028141936287283897, 0.04074839875102043, 0.009390409104526043, 0.0416388176381588, -0.015664350241422653, -0.028704306110739708, -0.028095072135329247, 0.04234177991747856, 0.016999978572130203, 0.012993091717362404, -0.03336729109287262, -0.04405232146382332, 0.009613013826310635, 0.02849341742694378, 0.024720851331949234, -0.03683524206280708, -0.011499296873807907, -0.05075389891862869, -0.016156423836946487, -0.010040649212896824, 0.016660213470458984, -0.02479114755988121, -0.015324585139751434, -0.015242572873830795, -0.004952957388013601, -0.002325634704902768, -0.053097110241651535, 0.01616813987493515, 0.0037051986437290907, -0.0041709113866090775, -0.003227769862860441, -0.011247402057051659, -0.05126940459012985, 0.0027342315297573805, -0.00767400860786438, -0.02926667593419552, -0.021358346566557884, 0.02229563146829605, -0.016671929508447647, 0.03271119296550751, 0.002110352274030447, 0.016671929508447647, -0.016109559684991837, 0.02966502122581005, 0.01250101812183857, -0.0016124204266816378, -0.025728430598974228, 0.026197072118520737, 0.008851470425724983, 0.03521842509508133, 0.0007128480356186628, 0.058486487716436386, 0.022447939962148666, -0.01766779273748398, -0.012477586045861244, 0.011733617633581161, -0.019132299348711967, 0.028259096667170525, -0.009296680800616741, 0.043653976172208786, 0.016097843647003174, 0.002738625044003129, 0.046536125242710114, -0.008605433627963066, -0.01053858082741499, -0.01840590499341488, 0.01766779273748398, 0.047660864889621735, -0.0338125005364418, -0.018956558778882027, -0.0783100351691246, 0.011921074241399765, -0.01547689363360405, -0.02926667593419552, -0.008892476558685303, 0.01442244928330183, 0.015090263448655605, -0.0243225060403347, -0.04269326105713844, -0.013391437940299511, 0.05286278948187828, -0.022881433367729187, 0.002789882943034172, 0.012981375679373741, 0.024111617356538773, -0.012747054919600487, -0.009946920908987522, 0.025423813611268997, -0.01241900585591793, 0.044169481843709946, 0.037280451506376266, 0.0022860930766910315, -0.002401788951829076, -0.041802842170000076, 0.016660213470458984, 0.019214311614632607, 0.01978839747607708, -0.007691582664847374, -0.007345959078520536, -0.036366596817970276, -0.010315976105630398, -0.0017793740844354033, 0.022565100342035294, 0.03592138737440109, 0.0037696368526667356, -0.0014930632896721363, 0.028118504211306572, 0.01534801721572876, -0.01565263420343399, -0.013028239831328392, -0.008072353899478912, -0.00558269489556551, 0.011177105829119682, 0.0021498939022421837, 0.017738088965415955, 0.024767715483903885, -0.0002665399806573987, 0.02297516167163849, 0.018745670095086098, -0.01591038703918457, 0.02345551922917366, 0.044942744076251984, 0.04672358185052872, -0.04812950640916824, -0.025236357003450394, -4.8877867811825126e-05, -0.008253952488303185, 0.0012646004324778914, 0.007170218508690596, 0.014656770043075085, -0.0188393983989954, 0.005611984990537167, 0.0363900288939476, -0.029079219326376915, -0.008259810507297516, -0.041240472346544266, -0.01797240972518921, 0.021159173920750618, -0.028563713654875755, 0.014094400219619274, -0.004692275542765856, 0.019331471994519234, -0.009238100610673428, 0.008177798241376877, 0.0065551260486245155, 0.01147000677883625, -0.0058873118832707405, 0.018089570105075836, -0.05487794801592827, 0.04967602342367172, -0.017925545573234558, 0.03756163641810417, -0.007550989743322134, -0.003139899577945471, 0.02064366824924946, -0.01832389272749424, 0.011118524707853794, -0.006484829820692539, 0.015195708721876144, 0.04018602892756462, -0.028962058946490288, -0.000365760235581547, 0.020421063527464867, 0.0235375314950943, 0.004938312340527773, 0.016332164406776428, -0.01084319781512022, -0.022483088076114655, 0.019518928602337837, 0.028469985350966454, -0.006068910472095013, -0.04374770447611809, 0.031492725014686584, 0.04906678944826126, -0.047356247901916504, 0.00039614870911464095, 0.012430721893906593, -0.021182605996727943, -0.03587452322244644, -0.033132970333099365, -0.001154030323959887, 0.0077325887978076935, 0.03332042694091797, 0.04475528746843338, -0.0008149972418323159, -0.00466884346678853, -0.008523421362042427, 0.00998206902295351, 0.00701791001483798, -0.032359711825847626, -0.010942784138023853, 0.0051433430053293705, 0.0208194088190794, 0.006268083117902279, 0.022963445633649826, -0.004897306207567453, -0.08913566172122955, -0.019718101248145103, -0.011440716683864594, 0.010099229402840137, -0.008253952488303185, -0.03870980814099312, -0.007486551534384489, -0.03139899671077728, 0.02125290222465992, 0.03676494583487511, -0.004217775538563728, -0.013391437940299511, -0.0036319734062999487, -0.028563713654875755, -0.0002140008582500741, 0.005266361404210329, -0.0020708106458187103, 0.004554612096399069, 0.016496188938617706, 0.041545089334249496, -0.016589917242527008, 0.009349402971565723, 0.025447245687246323, 0.009349402971565723, -0.026829740032553673, 0.024158481508493423, -0.0010222247801721096, -0.0031955507583916187, 0.02263539656996727, -0.03505440056324005, 0.02051479183137417, -0.019425200298428535, 0.03039141744375229, 0.0011020402889698744, -0.018476201221346855, 0.012688474729657173, 0.027040628716349602, -0.012383857741951942, -0.029735317453742027, -0.008353538811206818, -0.00594882108271122, 0.015500325709581375, -0.02776702307164669, -0.009999643079936504, 0.03760850057005882, 0.010345266200602055, -0.006022046320140362, 0.009232242591679096, 0.03552304208278656, 0.00993520487099886, 0.025704998522996902, 0.005600268952548504, 0.009132656268775463, 0.002621464664116502, 0.024088185280561447, 0.05337829515337944, 0.0005356428446248174, -0.0007450671400874853, 0.016999978572130203, -0.01607441157102585, -0.001164281857199967, 0.0049236672930419445, 0.03997514024376869, -0.027392109856009483, 0.011223969981074333, -0.026197072118520737, 0.005995685234665871, 0.020631952211260796, -0.01975324936211109, 0.030672602355480194, 0.023045457899570465, -0.005219497252255678, 0.005515327211469412, 0.003611470339819789, 0.012969659641385078, 0.028680874034762383, -0.067437544465065, -0.0012733874609693885, 0.017749805003404617, 0.022471372038125992, -0.010392130352556705, -0.047403112053871155, 0.02129976637661457, -0.007498267572373152, -0.0010075797326862812, -0.007252230774611235, 0.01961265690624714, 0.012313561514019966, -0.01526600494980812, -0.004455025307834148, -0.05764293298125267, 0.016050979495048523, -0.00980632845312357, 0.019460348412394524, 0.012981375679373741, 0.015055115334689617, 0.0035353160928934813, -0.002438401570543647, -0.012700190767645836, 0.028563713654875755, 0.018230164423584938, 0.011118524707853794, 0.031797342002391815, -0.04592689126729965, 0.013379721902310848, -0.021627815440297127, 0.029430700466036797, -0.004258781671524048, 0.023596111685037613, -0.03430457413196564, -0.0007754556136205792, -0.017492052167654037, 0.006601990666240454, 0.03378906846046448, 0.001728116418235004, 0.006361811421811581, -0.006496545858681202, -0.009144372306764126, -0.034515462815761566, -0.007322527002543211, 0.005383521784096956, 0.02781388722360134, 0.011967938393354416, 0.002480872208252549, -0.030860058963298798, -0.01766779273748398, -0.03217225521802902, 0.03430457413196564, -0.030321119353175163, 0.030672602355480194, -0.005679352208971977, 0.018159866333007812, 0.004715707618743181, 0.012559598311781883, -0.015430029481649399, 0.008675729855895042, 0.006449681706726551, -0.017081990838050842, -0.013332857750356197, 0.014434165321290493, 0.04958229511976242, 0.005439172964543104, -0.013262561522424221, 0.003740346757695079, 0.01780838519334793, 0.01450446154922247, -0.007234656717628241, -0.0016841812757775187, -0.022565100342035294, 0.02013987861573696, 0.0208194088190794, -0.00731666898354888, -0.010081655345857143, 0.03142242878675461, -0.0148090785369277, 0.008763600140810013, -0.004868016112595797, 0.025236357003450394, 0.067437544465065, -0.01565263420343399, -0.013977239839732647, -0.023478951305150986, 0.0513162687420845, -0.005406953860074282, -0.005439172964543104, -0.004185556434094906, -0.02966502122581005, 0.014340437017381191, -0.013766351155936718, -0.0034679488744586706, -0.007949335500597954, -0.016671929508447647, 0.008183656260371208, 0.0620950311422348, -0.021159173920750618, -0.008394544944167137, -0.007861465215682983, 0.02849341742694378, 0.004373013041913509, 0.031750477850437164, 0.028212232515215874, 0.011452432721853256, -0.025845590978860855, -0.012126104906201363, -0.007504125591367483, 0.005266361404210329, 0.022822853177785873, 0.019038571044802666, 0.004077183082699776, 0.0025409169029444456, 0.005544617306441069, 0.00544210197404027, -0.009525143541395664, 0.012524450197815895, -0.0023886084090918303, -0.009015494957566261, 0.04859814792871475, -0.013192265294492245, 0.018347324803471565, -0.013672622852027416, 0.02659541927278042, -0.0018862829310819507, -0.023256346583366394, -0.00025537313194945455, 0.02612677589058876, 0.031539589166641235, 0.0001005932135740295, 0.012641610577702522, -0.011967938393354416, -0.012301845476031303, 0.027017196640372276, 0.06092342734336853, -0.046372100710868835, 0.0484575554728508, 0.005342515651136637, 0.019858693704009056, -0.013461734168231487, -0.01758578047156334, 0.005635417066514492, 0.014598189853131771, 0.006918323691934347, 0.015933819115161896, -0.028985491022467613, 0.001801341655664146, 0.0010339408181607723, -0.003365433542057872, -0.012184685096144676, 0.023478951305150986, 0.012583030387759209, 0.020198458805680275, -0.019026855006814003, 0.025423813611268997, 0.013391437940299511, 0.02659541927278042, -0.026103343814611435, 0.008927624672651291, -8.892294135876e-05, 0.024603690952062607, -0.008242236450314522, 0.049347974359989166, 0.023549247533082962, -0.024720851331949234, -0.01629701629281044, -0.033179834485054016, 0.015277720987796783, 0.016179855912923813, -0.015722930431365967, -0.02229563146829605, -0.005248787347227335, 0.001610955921933055, 0.01403582002967596, 0.03870980814099312, 0.031539589166641235, -0.003365433542057872, -0.02255338430404663, -0.0216043833643198, 0.029477564617991447, 0.008441409096121788, -0.022529952228069305, 0.004173840396106243, 0.01922602765262127, 0.01019295770674944, 0.02750927023589611, -0.033390723168849945, -0.008810464292764664, 0.032101958990097046, -0.00780288502573967, -0.017081990838050842, 0.017093706876039505, 0.07601369172334671, 0.020831124857068062, 0.011446574702858925, 0.030860058963298798, 0.037795957177877426, 0.009273248724639416, 0.042880717664957047, -0.04245894029736519, 0.03634316474199295, -0.019928989931941032, 0.020889705047011375, 0.018183298408985138, 0.016179855912923813, -0.002776702167466283, 0.05066017061471939, 0.004636624362319708, -0.006883175577968359, 0.009109224192798138, -0.025142628699541092, 0.01776152104139328, 0.0015421241987496614, 0.006754299160093069, -0.025540973991155624, -0.021311482414603233, -0.02392416074872017, -0.019565792754292488, -0.008546853438019753, -0.004993963520973921, -0.030274255201220512, 0.00644382368773222, 0.010403846390545368, 0.005125768948346376, 0.008605433627963066, -0.014176412485539913, 0.03643689677119255, -0.008359396830201149, 0.03931904211640358, -0.028680874034762383, 0.017093706876039505, -0.008154366165399551, 0.0022714477963745594, 0.019132299348711967, 0.0025599554646760225, -0.008599575608968735, 0.01784353330731392, -0.03336729109287262, -0.04121704027056694, -0.011616457253694534, -0.030977219343185425, -0.00980632845312357, -0.018394188955426216, -0.045598842203617096, 0.016566485166549683, -0.009777038358151913, 0.010913494043052197, -0.028423121199011803, 0.00468934653326869, 0.029594724997878075, -0.005395237822085619, 0.005872666835784912, 0.008951056748628616, -0.0042617106810212135, -0.01138213649392128, 0.011270834133028984, 0.015851806849241257, 0.0053718057461082935, -0.0016504976665601134, 0.003526529064401984, 0.0070589161477983, 0.0065375519916415215, -0.03664778545498848, -0.04128733649849892, -0.007515841629356146, -0.02406475320458412, -0.014434165321290493, -0.005178491119295359, -0.027837319299578667, 0.05276906117796898, -0.019846977666020393, -0.027040628716349602, 0.025962751358747482, 0.010093371383845806, -0.012102672830224037, -0.01871052198112011, -0.00014919649402145296, -0.012723622843623161, 0.03496067225933075, -0.016718793660402298, -0.005521185230463743, -0.016789089888334274, 0.00516384607180953, 0.006215360946953297, -0.004800648894160986, -0.020960001274943352, 0.02001100219786167, -0.02086627297103405, 0.023291494697332382, 0.014879374764859676, -0.020069582387804985, -0.0027269090060144663, 0.04060780629515648, -0.021873852238059044, 0.04749684035778046, 0.0243225060403347, 0.030016502365469933, -0.037444476038217545, 0.02250652015209198, 0.016062695533037186, -0.01416469644755125, 0.00544210197404027, 0.017351459711790085, -0.006941755767911673, -0.036202572286129, 0.02281113713979721, -0.007879039272665977, 0.00832424871623516, -0.015195708721876144, -0.0011181498412042856, 0.019589224830269814, -0.01620328798890114, 0.0022787705529481173, -0.0023388152476400137, -0.017257731407880783, 0.03151615709066391, -0.03315640240907669, 0.002655148273333907, 0.023783568292856216, 0.025400381535291672, -0.011329414322972298, 0.0235375314950943, -0.007111638318747282, 0.014129548333585262, 0.026056479662656784, 0.0070589161477983, -0.0010500503703951836, -0.00552997225895524, 0.00883389636874199, 0.00818951427936554, -0.013696054928004742, -0.025119196623563766, -0.009665735997259617, 0.022365927696228027, 0.024416234344244003, -0.02121775411069393, 0.0028601791709661484, 0.009027210995554924, 0.00763300247490406, -0.004384729079902172, 0.04812950640916824, -0.019472064450383186, 0.02612677589058876, 0.024908307939767838, -0.021241186186671257, 0.014328720979392529, -0.023057173937559128, -0.0024501176085323095, -0.016367312520742416, -0.020116446539759636, 0.020795976743102074, 0.006678144913166761, -0.020057866349816322, 0.015195708721876144, -0.010333550162613392, -0.005606126971542835, 0.009659877978265285, -0.038569215685129166, 0.02263539656996727, 0.008125076070427895, 0.02781388722360134, -0.027064060792326927, -0.005081833805888891, -0.02197929657995701, 0.015101979486644268, 0.0034972389694303274, 0.00866401381790638, -0.003037384245544672, 0.020503075793385506, -0.03596825152635574, -0.02582215890288353, 0.07498268038034439, -0.03788968548178673, 0.017527200281620026, -0.010292544029653072, 0.014668486081063747, -0.04327906295657158, -0.019846977666020393, 0.000583971559535712, -0.05984554812312126, -0.017257731407880783, -0.037491340190172195, 0.03135213255882263, 0.015008251182734966, 0.053097110241651535, 0.0008948128088377416, 0.020409347489476204, -0.03116467595100403, 0.011628173291683197, 0.0007827781373634934, -0.025681566447019577, 0.023654691874980927, 0.002000514417886734, 0.020983433350920677, 0.008289100602269173, 0.004217775538563728, -0.04013916477560997, 0.03449203073978424, -0.0027342315297573805, 0.020245322957634926, 0.007099922280758619, -0.00038882618537172675, -0.012840783223509789, 0.0470750629901886, -0.0031076804734766483, -0.015441745519638062, 0.038522351533174515, 0.014012387953698635, -0.018558213487267494, 0.008617149665951729, -0.0236312597990036, 7.903752702986822e-05, 0.003374220570549369, 0.0162150040268898, 0.01586352288722992, -0.01105408649891615, -0.024627123028039932, -0.0019419342279434204, 0.0026156066451221704, 0.0059517500922083855, -0.03346101939678192, -0.0017530129989609122, 0.014973103068768978, -0.020467927679419518, -0.012149536982178688, -0.006027904339134693, -0.018054421991109848, -0.02746240608394146, 0.01498481910675764, 0.004003957845270634, -0.0031311125494539738, -0.012852499261498451, -0.01442244928330183, -0.003740346757695079, 0.004340793937444687, -0.004662985447794199, -0.010854913853108883, -0.02617364004254341, 0.017738088965415955, -0.014211560599505901, -0.03695240244269371, -0.002909972332417965, 0.01776152104139328, 0.03280492126941681, 0.010720179416239262, -0.0033127113711088896, 0.0269469004124403, 0.003374220570549369, -0.04018602892756462, 0.02078426070511341, 0.026267368346452713, 0.015617486089468002, -0.041662249714136124, -0.012454153969883919, 0.0006165567901916802, -0.0020795976743102074, 0.00210156524553895, 0.002536523388698697, 0.012817351147532463, 0.020421063527464867, 0.01629701629281044, -0.03889726474881172, 0.02479114755988121, 0.027110924944281578, 0.028259096667170525, 0.0023563893046230078, 0.010397988371551037, -0.009519285522401333, 0.005611984990537167, -0.0378662534058094, -0.007685724645853043, 0.017492052167654037, 0.023420371115207672, 0.023092322051525116, -0.0169062502682209, -0.03428114205598831, -0.001991727389395237, -0.014094400219619274, -0.019542360678315163, 0.02750927023589611, -0.012231549248099327, 0.0004356903664302081, 0.02797791175544262, 0.017058558762073517, -0.000566397444345057, -0.01595725119113922, -0.012864215299487114, 0.023478951305150986, 0.015254288911819458, 0.00959543976932764, -0.06823423504829407, 0.00016283469449263066, 0.014387301169335842, -0.02556440606713295, -0.006912465672940016, -0.015406597405672073, -0.0039688097313046455, -0.0010383343324065208, -0.03160988539457321, 0.004706920590251684, 0.017105422914028168, -0.029852477833628654, 0.012524450197815895, 0.028305960819125175, 0.0013202516129240394, -0.029782181605696678, 0.019987570121884346, -0.022518236190080643, 0.017105422914028168, -0.020280471071600914, -0.027954479679465294, -0.03838175907731056, 0.026314234361052513, -0.001610955921933055, -0.021534087136387825, 0.006010330282151699, -0.00801963172852993, -0.028095072135329247, -0.0018057351699098945, 0.017960693687200546, 0.0209131371229887, -0.016578201204538345, 0.02147550694644451, 0.008289100602269173, 0.027181221172213554, 0.005102336872369051, -0.03182077407836914, 0.03737417981028557, -0.02306888997554779, 0.01424670871347189, -0.0027928119525313377, -0.0060337623581290245, 0.0011554948287084699, -0.027743590995669365, 0.013684338890016079, -0.005661778151988983, -0.008886618539690971, -0.014270140789449215, 0.004586831200867891, 0.005538759287446737, -0.02879803441464901, -0.024884875863790512, 0.00031871299142949283, -0.015512041747570038, 0.014867658726871014, 0.02577529475092888, -0.00888076052069664, 0.00503496965393424, 0.043138470500707626, -0.029290108010172844, -0.02525978907942772, 0.039904844015836716, 0.022881433367729187, -0.024556826800107956, -0.0012646004324778914, 0.020421063527464867, -0.0005407686112448573, 0.010954500176012516, 0.006320805288851261, -0.009741890244185925, -0.030461713671684265, 0.004314432851970196, 0.0044901734218001366, 0.016308732330799103, -0.023443803191184998, 0.004428664222359657, -0.005119910929352045, -0.025025468319654465, 0.00558269489556551, 0.018558213487267494, 0.006209502927958965, 0.046278372406959534, -0.0169062502682209, -0.045247361063957214, 0.005122839938849211, -0.02245965600013733, 0.03453889489173889, -0.008007915690541267, -0.010977932251989841, 0.023478951305150986, -0.004522392526268959, -0.007808743044734001, 0.0038692234084010124, -0.043044742196798325, -0.023818716406822205, 0.009238100610673428, -0.009150230325758457, 0.0015699497889727354, 0.02633766643702984, 0.013368005864322186, -0.04435693845152855, -0.0014029962476342916, 0.016355596482753754, 0.02884489856660366, -0.045505113899707794, 0.042060595005750656, 0.0009306931751780212, 0.00405375100672245, 0.002401788951829076, -0.0014557184185832739, -0.010263253934681416, 0.07128040492534637, -0.017093706876039505, -0.0077970270067453384, 0.02004615031182766, -0.010128519497811794, 0.0002465861034579575, -0.06275112926959991, 0.005424527917057276, -0.02051479183137417, 0.011721901595592499, 0.0019053216092288494, 0.013203981332480907, 0.017644360661506653, -0.03299237787723541, 0.010491716675460339, -0.00592831801623106, 0.00740453926846385, -0.008874902501702309, -0.023807000368833542, 0.02577529475092888, 0.03615570813417435, -0.02146379090845585, -0.004124047234654427, 0.03388279676437378, 0.013321141712367535, -0.006256367079913616, 0.01737489178776741, -0.026103343814611435, -0.0004012744757346809, 0.01965952105820179, -5.986166070215404e-05, -0.003620257368311286, 0.03901442512869835, 0.019038571044802666, -0.02323291450738907, 0.019413484260439873, 0.025962751358747482, -0.03988141193985939, -0.029336972162127495, 0.03458575904369354, -0.0031955507583916187, -0.0024149694945663214, 0.013918659649789333, -0.023724988102912903, 0.01642589271068573, -0.03561677038669586, -0.012196401134133339, 0.0181950144469738, 0.006742583122104406, -0.029172947630286217, -0.0510350838303566, 0.029430700466036797, -0.018593361601233482, 0.005155059043318033, -0.01101308036595583, 0.011604741215705872, 0.025025468319654465, 0.029711885377764702, 0.02038591541349888, 0.017574064433574677, 0.05872080847620964, 0.03322669863700867, -0.008394544944167137, 0.0228462852537632, -0.015711214393377304, 0.004047892987728119, 0.0069241817109286785, 0.02525978907942772, 0.004384729079902172, -0.001726651913486421, -0.0128056351095438, -0.015195708721876144, 0.016320448368787766, -0.033437587320804596, 0.031750477850437164, 0.0029055788181722164, -0.0006498742732219398, -0.015312869101762772, -0.012852499261498451, 0.01224326528608799, 0.01163988932967186, -0.018780818209052086, -0.022436223924160004, -0.0012331135803833604, 0.038475487381219864, 0.026056479662656784, 0.007556847762316465, -0.010362840257585049, -0.034515462815761566, 0.020854556933045387, -0.012407289817929268, 0.032101958990097046, 0.009577865712344646, 0.004159195348620415, 0.008371112868189812, 0.013309425674378872, -0.0022611962631344795, -0.024345938116312027, -0.016824238002300262, -0.02889176271855831, 0.014949670992791653, 0.02336179092526436, 0.055159132927656174, -0.01858164556324482, 0.002438401570543647, 0.0037081276532262564, 0.03945963457226753, 0.010087513364851475, 0.016871102154254913, -0.0067601571790874004, 0.004651269409805536, -0.021194322034716606, -0.017726372927427292, -0.021370062604546547, -0.01927289180457592, 0.007351817097514868, 0.0018306317506358027, 0.026782875880599022, 0.02186213620007038, -0.013801499269902706, 0.019764965400099754, 0.0486450120806694, 0.010175383649766445, 0.03341415524482727, -0.02215503714978695, 0.013285993598401546, 0.0002143669844372198, 0.009255674667656422, -0.01229012943804264, 0.011932790279388428, 0.004589760210365057, 0.010767043568193913, 0.020667100325226784, 0.018979990854859352, 0.0033800785895437002, -0.00594882108271122, -0.047707729041576385, -0.0011349916458129883, -0.030602306127548218, 0.014715350233018398, 0.013742919079959393, 0.009074075147509575, 0.02818880043923855, -0.025330085307359695, -0.004911951255053282, 0.021452074870467186, -0.02310403808951378, -0.001965366303920746, -0.00418262742459774, -0.03828803077340126, 0.023549247533082962, -0.022869717329740524, 0.003731559729203582, -0.008845612406730652, -0.006297373212873936, 0.0009599833283573389, 0.012149536982178688, 0.006596132647246122, 0.043021310120821], "c002f794-a118-4596-8fc5-1a583fc1cd8e": [0.00454303715378046, 0.023172099143266678, 0.05041726678609848, 0.02563943900167942, 0.0014515199000015855, -0.009268839843571186, 0.06657899171113968, -0.012291003949940205, -0.022649910300970078, 0.04903346672654152, 0.008844561874866486, -0.06261035799980164, -0.045195385813713074, 0.027336549013853073, 0.010815822519361973, -0.007741439156234264, -0.027884846553206444, -0.0063347951509058475, -0.046370308846235275, 0.027649862691760063, 0.05086112767457962, 0.04929456114768982, 0.02345930226147175, 0.0006237700581550598, 0.01276097260415554, 0.012375859543681145, -0.019843149930238724, 0.04031292349100113, 0.019999805837869644, -0.013968532904982567, 0.022911004722118378, -0.003554143011569977, -0.01230405829846859, 0.0160311758518219, 0.003998002968728542, -0.009673535823822021, 0.012871937826275826, 0.006755809299647808, 0.023132935166358948, -0.006116128526628017, -0.01657947339117527, 0.019764821976423264, 0.0033028400503098965, -0.006847192067652941, -0.0025081350468099117, 0.030913539230823517, -0.01566564477980137, -0.030443569645285606, -0.061096012592315674, 0.036213748157024384, -0.07169643044471741, 0.015156511217355728, -0.012630426324903965, -0.022989332675933838, 0.0045332456938922405, -0.026540212333202362, -0.0035476158373057842, -0.021892737597227097, -0.015078183263540268, -0.0032375664450228214, 0.02438618615269661, 0.01729748211801052, -0.04268888011574745, 0.0651690810918808, 0.006243411917239428, 0.0036553170066326857, 0.009118710644543171, 0.005430756602436304, -0.004960787482559681, 0.037493109703063965, 0.01691889576613903, 0.02456895262002945, 0.046109214425086975, 0.008035169914364815, -0.03242788463830948, -0.007010376080870628, 0.00300421379506588, 0.007728384807705879, 0.014138244092464447, -0.010463344864547253, 0.014712651260197163, -0.019020702689886093, -0.037205904722213745, -0.02511725015938282, -0.0017020070226863027, 0.00600516377016902, -0.061618201434612274, -0.03289785236120224, -0.03952964395284653, -0.07331521809101105, -0.014986800029873848, 0.05117443948984146, -0.030652444809675217, 0.0344121977686882, 0.037884749472141266, -0.00390662020072341, -0.012317112646996975, -0.005463393405079842, -0.020926689729094505, 0.04318495839834213, 0.05754513293504715, -0.030339131131768227, 0.005926835350692272, -0.03146183490753174, 0.06339364498853683, -0.02609635330736637, -0.03924243897199631, 0.017924107611179352, 0.015508987940847874, 0.01682751253247261, -0.08031253516674042, -0.0035247700288891792, -0.003475814824923873, 0.03994739428162575, 0.01838102377951145, 0.01684056781232357, 0.01617477834224701, -0.04866793751716614, 0.01817214861512184, -0.013890204951167107, -0.02631828375160694, -0.01633143424987793, -0.019386235624551773, -0.04864182695746422, -0.022871840745210648, 0.04143562912940979, 0.01640976220369339, 0.012747918255627155, -0.0509655624628067, -0.019138196483254433, 0.01201685518026352, 0.03342004120349884, 0.030600225552916527, 0.019294852390885353, -0.044647086411714554, -0.004872668068856001, -0.053785379976034164, -0.011990745551884174, -0.04308052361011505, -0.046083103865385056, -0.01669696532189846, -0.015104291960597038, -0.028250379487872124, 0.038406938314437866, -0.0176630150526762, -0.05984276160597801, -0.029059771448373795, 0.009014273062348366, -0.0022927322424948215, -0.019986752420663834, 0.03973851725459099, 0.02608329802751541, -0.0041938237845897675, 0.029790833592414856, -0.0010868040844798088, -0.045848120003938675, 0.0031347607728093863, 0.055665258318185806, -0.04041736200451851, 0.027989285066723824, -0.045717570930719376, -0.021357495337724686, -0.013394125737249851, -0.009360223077237606, 0.0062564667314291, -0.01744108460843563, -0.0007367748185060918, -0.046291980892419815, -0.038093626499176025, -0.029869161546230316, -0.06292366981506348, -0.054673098027706146, -0.054307568818330765, -0.021866628900170326, 0.021657753735780716, 0.004177505150437355, 0.019138196483254433, -0.07493399828672409, -0.0016987433191388845, -0.0014164353488013148, -0.0075456188060343266, 0.03514326363801956, -0.019529836252331734, -0.047205809503793716, 0.019712602719664574, -0.008498611859977245, 0.011155243963003159, 0.007996005937457085, -0.01776745170354843, 0.0011504457797855139, -0.01657947339117527, -0.01617477834224701, 0.018420187756419182, -0.07796268910169601, -0.038041405379772186, -0.053785379976034164, 0.03250621259212494, -0.013459399342536926, -0.023694287985563278, 0.02395538054406643, -0.0037989187985658646, -0.045639242976903915, 0.02422953024506569, -0.004135077353566885, -0.00608675554394722, -0.01639670878648758, -0.03172292932868004, -0.009073019027709961, -0.03237566724419594, -0.0474407933652401, 0.04845906049013138, -0.019320961087942123, -0.002447756938636303, 0.06731005012989044, -0.010091286152601242, 0.023106826469302177, -0.04932067170739174, -0.0004654817748814821, -0.03498660773038864, 0.021840520203113556, 0.010169614106416702, 0.028850896283984184, 0.05232325196266174, -0.03365502506494522, 0.009745336137712002, 0.044986508786678314, 0.018929321318864822, 0.01668391190469265, -0.0030613280832767487, 0.008035169914364815, -0.002162185264751315, 0.015352332033216953, 0.027623753994703293, 0.01690584234893322, 0.0625581368803978, -0.06668342649936676, 0.04224502295255661, 0.036970920860767365, -0.046761948615312576, -0.0008477398077957332, -0.04313274100422859, 0.05091334506869316, 0.038198065012693405, 0.04232335090637207, 0.023263482376933098, -0.005137025844305754, -0.010672220028936863, -0.045169275254011154, 0.014007696881890297, -0.045769792050123215, 0.01183408871293068, -0.00805475190281868, 0.03898134455084801, -0.037362560629844666, -0.011501193977892399, -0.06428135931491852, 0.029529739171266556, 0.01306123100221157, -0.03360280767083168, -0.05691850930452347, 0.02407287433743477, 0.02540445327758789, -0.03548268601298332, -0.007819767110049725, -0.01631837897002697, 0.03999961167573929, -0.00019194494234398007, 0.05587413161993027, -0.037388671189546585, -0.012669590301811695, 0.0011667641811072826, -0.0014531516935676336, 0.03302840143442154, 0.00877276062965393, -0.023080715909600258, 0.0005793024902231991, 0.01268264465034008, -0.0026713188271969557, 0.0014988431939855218, -0.019569000229239464, -0.05104389041662216, 0.015469823963940144, -0.004360271152108908, 0.0342816524207592, 0.036997031420469284, -0.02434702217578888, 0.011063861660659313, 0.0010402967454865575, -0.03318505734205246, 0.04164450615644455, 0.046004775911569595, -0.028302598744630814, -0.036187637597322464, -0.0017721760086715221, 0.037701983004808426, -0.007473818026483059, 0.00813960749655962, -0.03838082775473595, 0.011618686839938164, 0.01221267506480217, -0.008727069944143295, 0.005166398826986551, -0.05780622735619545, -0.004037166945636272, 0.0016114399768412113, 0.004360271152108908, 0.04365492984652519, 0.037414781749248505, 0.029816944152116776, -0.045534808188676834, 0.01280666422098875, 0.01725831814110279, 0.046709731221199036, -0.023106826469302177, -0.04791076108813286, -0.05963388830423355, 0.01571786403656006, -0.00039612865657545626, -0.0006400884594768286, 0.021200839430093765, -0.037388671189546585, 0.0010305056348443031, -0.010176141746342182, -0.007056067232042551, -0.02505197748541832, -0.03595265373587608, -0.020809197798371315, 0.0057930247858166695, -0.02652715891599655, 0.005496030207723379, -0.00823751837015152, -0.037832532078027725, -0.023054607212543488, 0.030417459085583687, -0.021253058686852455, 0.00852472148835659, -0.02426869422197342, 0.018772663548588753, 0.011187881231307983, -0.011638268828392029, -0.0316707119345665, -0.010241415351629257, 0.021723026409745216, -0.015508987940847874, -0.010411126539111137, -0.03383779153227806, -0.023237373679876328, 0.036265965551137924, -0.008387647569179535, 0.04725802689790726, -0.009804082103073597, 0.036918703466653824, -0.027206001803278923, 0.045247603207826614, -0.01289151981472969, 0.030182475224137306, 0.013720493763685226, -0.046474747359752655, -0.030521897599101067, 0.023211263120174408, -0.02516946941614151, -0.008387647569179535, 0.037388671189546585, 0.019085977226495743, -0.003433387028053403, 0.026944909244775772, -0.07498621940612793, -0.054516442120075226, 0.0003791983472183347, -0.005750596988946199, -0.00882497988641262, -0.054255347698926926, 0.03185347840189934, 0.00860957708209753, -0.054464224725961685, -0.007604364771395922, 0.013903259299695492, 0.04681416600942612, 0.0035345610231161118, 0.0256133284419775, 0.07879818975925446, -0.023315701633691788, -0.019307907670736313, -0.06104379519820213, 0.06757114827632904, 0.04853738844394684, 0.004357007332146168, -0.02386399917304516, -0.018224366009235382, 0.0019826830830425024, 0.019503727555274963, 0.030286913737654686, 0.06616123765707016, -0.023302646353840828, 0.03900745511054993, 0.0041938237845897675, -0.03151405602693558, 0.03608320280909538, 0.038537487387657166, -0.038876909762620926, 0.02472560852766037, -0.029164208099246025, -0.01694500632584095, 0.010757075622677803, 0.012669590301811695, 0.037910860031843185, -0.0337594635784626, 0.038015298545360565, 0.04415100812911987, -0.020417556166648865, 0.021775245666503906, -0.045221492648124695, 0.05104389041662216, -0.04054791107773781, 0.04864182695746422, -0.08109582215547562, 0.009856301359832287, 0.04399435222148895, -0.020770033821463585, -0.05172273516654968, 0.0067035905085504055, -0.04326329007744789, -0.004151395987719297, -0.035978764295578, -0.04054791107773781, -0.019660383462905884, 0.00411875918507576, -0.006354377139359713, 0.07890263199806213, -0.0521404854953289, -0.036866482347249985, 0.02511725015938282, 0.027675971388816833, 0.00819835439324379, -0.029399193823337555, -0.012871937826275826, 0.02438618615269661, -0.01783272624015808, 0.026448829099535942, -0.01620088703930378, 0.006122656166553497, 0.002548930933699012, 0.009157874621450901, -0.0026843734085559845, -0.012702226638793945, 0.004004530608654022, 0.00014156194811221212, 0.006892883684486151, 0.04018237814307213, 0.05864172801375389, -0.053028207272291183, -0.009229675866663456, 0.052819330245256424, 0.010371962562203407, -0.00793073233217001, -0.03347226232290268, 0.014321009628474712, -0.036631498485803604, -0.014438502490520477, -0.003563934238627553, -0.001174107426777482, 0.04932067170739174, 0.04997340589761734, 0.029686396941542625, 0.028511473909020424, 0.028824785724282265, -0.02570471167564392, 0.011723124422132969, 0.028041504323482513, -0.022728240117430687, 0.0015127138467505574, 0.014882362447679043, 0.011070388369262218, 0.02571776695549488, -0.028145940974354744, -0.022258270531892776, 0.027414878830313683, 0.0120886554941535, -0.04185337945818901, -0.03263675794005394, 0.01630532555282116, -0.03174903988838196, -0.033237274736166, -0.009588680230081081, 0.04156617820262909, 0.0037303816061466932, 0.03422943502664566, 0.0079829515889287, -0.011377174407243729, 0.02609635330736637, 0.006543670315295458, 0.01741497404873371, 0.03370724618434906, -0.013824931345880032, 0.03488216921687126, -0.030704664066433907, -0.02556110918521881, -0.00625320291146636, -0.038850799202919006, -0.0007975607877597213, -0.018785718828439713, -0.023420138284564018, 0.01209518313407898, 0.011736178770661354, 0.053184863179922104, 0.010874568484723568, 0.03435998037457466, -0.015482878312468529, -0.03370724618434906, -0.047388575971126556, 0.018720446154475212, 0.014112134464085102, -0.011448975652456284, -0.029425302520394325, -0.011331482790410519, 0.027101565152406693, 0.045404259115457535, 0.02405981905758381, -0.038067515939474106, -0.009719227440655231, -0.027049345895648003, 0.010913732461631298, -0.01212781947106123, 0.0022813095711171627, -0.05733625963330269, -0.009569098241627216, -0.018798774108290672, -0.027414878830313683, -0.00843333825469017, -0.05691850930452347, 0.005995372775942087, -0.01763690449297428, 0.008714014664292336, -0.0024803937412798405, 0.009471187368035316, -0.055038630962371826, -0.00222419505007565, -0.007787130773067474, 0.0049705784767866135, -0.02434702217578888, 0.0022176678758114576, -0.014621268026530743, 0.04015626758337021, 0.01657947339117527, 0.019986752420663834, -0.004249305929988623, 0.014203517697751522, 0.004892250057309866, -0.004761703312397003, -0.023119879886507988, 0.03328949585556984, 0.001935359789058566, 0.01707555167376995, -0.019085977226495743, 0.03553490340709686, 0.030260803177952766, -0.028929224237799644, 0.006243411917239428, -0.015600371174514294, -0.010417653247714043, 0.03268897905945778, 0.004719275515526533, 0.028955332934856415, 0.0031021239701658487, 0.01721915416419506, 0.037728093564510345, 0.007264942862093449, -0.010815822519361973, 0.014895416796207428, 0.0042558335699141026, 0.013733548112213612, -0.031226851046085358, -0.02438618615269661, -0.07368075102567673, 0.026370501145720482, -0.01751941256225109, -0.05112221837043762, 0.021501097828149796, 0.014072970487177372, 0.0013601368991658092, -0.01250640582293272, -0.04143562912940979, 0.019647330045700073, 0.02510419487953186, -0.05140942335128784, -0.020939745008945465, 0.004595255944877863, 0.004706220701336861, -0.02375956065952778, 0.0029111988842487335, 0.029816944152116776, -0.030339131131768227, 0.031044086441397667, 0.03318505734205246, 0.0016359175788238645, 0.0029781043995171785, -0.04334161803126335, 0.01644892618060112, 0.0031739247497171164, 0.020600322633981705, 0.023302646353840828, -0.006579570937901735, 0.011892835609614849, -0.01200379990041256, -0.001992474077269435, -0.019738711416721344, 0.022754348814487457, -0.007630474399775267, 0.00034941729973070323, 0.001647340483032167, 0.023615960031747818, 0.00793073233217001, -0.006984266452491283, 0.004784549120813608, -0.01774134300649166, 0.01575702801346779, 0.0038641924038529396, 0.022545473650097847, 0.020574213936924934, 0.004050221759825945, 0.029425302520394325, 0.006886356044560671, -0.018602952361106873, 0.02565249241888523, 0.05838063359260559, 0.005303473211824894, -0.012460715137422085, -0.045378148555755615, -0.01302859466522932, -0.01761079579591751, 0.0003847058105748147, -0.028537582606077194, 0.031200742349028587, -0.01187978032976389, 0.0054895030334591866, 0.018289640545845032, -0.021566370502114296, 0.008929417468607426, -0.03221900761127472, -0.006840664893388748, 0.0018488724017515779, -0.0177282877266407, 0.010489454492926598, -0.02430785819888115, 0.04023459553718567, -0.01604423113167286, 0.004869404714554548, 0.018890155479311943, 0.011638268828392029, -0.005734278820455074, 0.012486823834478855, -0.03229733556509018, 0.023785671219229698, -0.05151386186480522, 0.04284553602337837, -0.015482878312468529, 0.00018266386177856475, 0.0471796989440918, 0.010763603262603283, 0.010058648884296417, -0.03905967250466347, 0.03417721390724182, 0.037493109703063965, -0.005737542174756527, 0.0023580058477818966, 0.0017052707262337208, 0.03187958523631096, 0.0014662063913419843, 0.00781324040144682, -0.030939647927880287, -0.036814264953136444, -0.03156627342104912, 0.01758468523621559, -0.023420138284564018, -0.03501271456480026, 0.019334016367793083, 0.028850896283984184, -0.06605680286884308, -0.015339276753365993, 0.01642281748354435, -0.0012818087125197053, -0.027806518599390984, -0.05164440721273422, 0.01302859466522932, 0.01690584234893322, 0.027910957112908363, 0.02586136758327484, 0.006608943920582533, -0.00655019748955965, 0.005048906896263361, 0.011683959513902664, 0.007238833233714104, 0.00428194273263216, -0.00827668234705925, 0.021135564893484116, 0.06454245746135712, -0.01706249825656414, 0.00793073233217001, -0.01660558395087719, -0.07263637334108353, -0.00613244716078043, 0.01626616157591343, 0.01698417030274868, -0.05156607925891876, -0.03438609093427658, -0.019151249900460243, -0.03981684520840645, 0.04305441305041313, 0.04104398936033249, 0.014882362447679043, -0.002739856019616127, 0.027806518599390984, -0.002491816645488143, 0.009791027754545212, 0.010939842090010643, 0.030208583921194077, -0.014412392862141132, 0.007206196431070566, 0.061879295855760574, 0.01588757522404194, 0.018629062920808792, 0.020182572305202484, -0.005150080658495426, 0.0026647914201021194, 0.0036487895995378494, 0.02429480291903019, -0.03182736784219742, 0.018589898943901062, -0.0009921574965119362, 0.0005821582162752748, -0.00826362706720829, 0.007310634013265371, 0.0034921332262456417, 0.007800185587257147, -0.020913636311888695, 0.046083103865385056, -0.01682751253247261, -0.003962102811783552, -0.02532612532377243, -0.013890204951167107, 0.022388817742466927, -0.045143164694309235, 0.014347119256854057, 0.03146183490753174, -0.0005295314476825297, -0.011370646767318249, 0.012291003949940205, 0.01184061635285616, -0.03143572807312012, -0.007016903255134821, 0.009758391417562962, 0.011318428441882133, 0.011344537138938904, 0.02652715891599655, 0.04415100812911987, -0.013433290645480156, -0.011683959513902664, 0.010234887711703777, -0.018276585265994072, 0.005975790787488222, 0.005528667010366917, 0.055038630962371826, -0.01719304546713829, -0.021775245666503906, -0.005544985644519329, 0.002158921677619219, 0.009830191731452942, -0.008341955952346325, 0.022662965580821037, -0.013629110530018806, 0.00308743747882545, 0.0014482561964541674, 0.023655124008655548, 0.013968532904982567, 0.0625581368803978, -0.03872025012969971, 0.007715329993516207, -0.03608320280909538, 0.00019796234846580774, -0.029712505638599396, -0.02412509173154831, -0.007871986366808414, -0.03576988726854324, -0.015143456868827343, -0.020952800288796425, 0.045247603207826614, 0.01244113314896822, -0.013824931345880032, 0.011475084349513054, -0.04864182695746422, 0.021331386640667915, -0.008465975522994995, -0.010228360071778297, 0.028955332934856415, -0.0012263262178748846, 0.005972526967525482, 0.01566564477980137, -0.04449043050408363, 0.018759610131382942, -0.0006164268124848604, -0.00024375579960178584, 0.0123497499153018, -0.03616153076291084, 0.007467290386557579, -0.015365386381745338, 0.02540445327758789, 0.01697111502289772, -0.000422238081227988, -0.03498660773038864, -0.001378903049044311, -0.01725831814110279, 0.022036340087652206, 0.0035900436341762543, -0.010345852933824062, 0.008120025508105755, 0.011044279672205448, 0.021187784150242805, -0.022897951304912567, -0.015117347240447998, 0.010776657611131668, 0.02515641413629055, -0.02357679419219494, -0.007552145980298519, -0.038302499800920486, -0.0165533646941185, -0.019947586581110954, 0.0012091919779777527, -0.03360280767083168, 0.037127576768398285, 0.006586098112165928, 0.003645526012405753, -0.007062594871968031, -0.02604413405060768, -0.028119832277297974, -0.013720493763685226, 0.013576892204582691, -0.045560915023088455, 0.009882410988211632, 0.014203517697751522, 0.005460130050778389, 0.01729748211801052, 0.027910957112908363, -0.006762336473912001, 0.005662477575242519, 0.014947636052966118, 0.0067231724970042706, -0.018054654821753502, -0.019281797111034393, 0.028615910559892654, 0.005655950400978327, 0.026971017941832542, -0.04294997453689575, -0.008126553148031235, -0.011807980015873909, 0.00894899945706129, -0.021200839430093765, -0.021200839430093765, 0.03255842998623848, 0.00860304944217205, -0.006011690944433212, -0.013472454622387886, 0.027780409902334213, -0.006899410858750343, -0.01749330386519432, 0.011997273191809654, -0.021605534479022026, 0.037675876170396805, -0.02370734140276909, -0.013746603392064571, -0.044960398226976395, 0.006067173555493355, -0.010698329657316208, 0.07368075102567673, -0.00403063977137208, -0.0003012780798599124, -0.013955478556454182, 0.05026061087846756, -0.020443666726350784, 0.015574261546134949, -0.006197720766067505, 0.023185154423117638, -0.009236202575266361, -0.005675532389432192, 0.02379872463643551, 0.022258270531892776, -0.0029487311840057373, -0.00013697240501642227, 0.0341511033475399, 0.003759754588827491, -0.007956841960549355, 0.0030319548677653074, -0.004050221759825945, 0.003638998605310917, 0.013315797783434391, -0.01817214861512184, 0.02432091347873211, -0.004826976917684078, 0.03161849081516266, 0.028720349073410034, 0.037571437656879425, -0.006749281659722328, 0.0008114314405247569, 0.004402698948979378, 0.03344615176320076, 0.0032440938521176577, 0.006925520487129688, 0.009738809429109097, -0.009405913762748241, 0.04201003536581993, 0.02582220360636711, 0.01610950380563736, -0.05895504355430603, 0.03631818667054176, -0.014777924865484238, 0.014843198470771313, 0.028850896283984184, -0.04339383542537689, 0.027414878830313683, 0.05754513293504715, -0.014464612118899822, 0.036657609045505524, -0.006445759907364845, -0.03529991954565048, -0.001687320414930582, -0.00031372084049507976, -0.02383788861334324, 0.020378392189741135, 0.027232112362980843, -0.01247376948595047, -0.03133128955960274, 0.006240148562937975, 0.003439914435148239, -0.015378440730273724, -0.004591992124915123, 0.0035508794244378805, -0.009412441402673721, 0.006373959127813578, 0.0015363754937425256, 0.029346974566578865, -0.00197452399879694, -0.011357592418789864, 0.006083492189645767, -0.022884896025061607, 0.019242633134126663, 0.0177282877266407, -0.006654635071754456, -0.03616153076291084, -0.018224366009235382, 0.026631595566868782, 0.01657947339117527, 0.03488216921687126, 0.01193199958652258, -0.03221900761127472, -0.003684690222144127, -0.03631818667054176, 0.015561207197606564, -0.0015951215755194426, -0.02552194520831108, 0.010946368798613548, 0.005584149621427059, 0.03874636068940163, 0.022924060001969337, -0.04161839559674263, -0.01657947339117527, 0.037232015281915665, 0.009556042961776257, -0.004954260308295488, -0.0014588631456717849, 0.05242769047617912, 0.005293682217597961, -0.018237421289086342, 0.03642262518405914, 0.00043366095633246005, 0.027728190645575523, 0.02409898303449154, -0.019542891532182693, 0.014555994421243668, -0.028720349073410034, 0.030443569645285606, 0.009791027754545212, 0.02382483519613743, -0.0029389401897788048, 0.02612246200442314, 0.011429392732679844, -0.010593892075121403, 0.009020800702273846, -0.030782992020249367, 0.01565258949995041, 0.020156461745500565, 0.0007200484978966415, -0.00823099073022604, 0.004640947096049786, -0.027754301205277443, -0.008981635794043541, 0.009993376210331917, -0.009497296996414661, -0.03250621259212494, -0.011416338384151459, 0.022937115281820297, 0.020521994680166245, 0.036997031420469284, -0.013824931345880032, 0.03485605865716934, -0.020443666726350784, 0.019895369186997414, -0.02625300921499729, 0.029085880145430565, -0.01293068379163742, 0.02566554769873619, 6.68543652864173e-05, -0.01672307588160038, -0.004931414499878883, 0.021736081689596176, -0.02481699176132679, -0.03516937047243118, -0.014647377654910088, -0.007989478297531605, 0.0005021981196478009, 0.0035737252328544855, -0.05785844847559929, 0.02425563894212246, 0.004024112597107887, 0.02625300921499729, -0.037832532078027725, -0.02610940672457218, 0.019856205210089684, 0.0074999271892011166, 0.038015298545360565, 0.013837985694408417, 0.002513030543923378, -0.018472405150532722, -0.01210171077400446, 0.001132495584897697, 0.01298943068832159, 0.0001907210680656135, 0.018837938085198402, -0.01664474792778492, 0.02456895262002945, -0.0014099080581218004, -0.044568758457899094, -0.009647426195442677, 0.015039018355309963, -0.007258415222167969, -0.005123971030116081, -0.028067613020539284, 0.03890301659703255, -0.004996688105165958, -0.038119733333587646, 0.006762336473912001, 0.003808709792792797, -0.031122414395213127, 0.018616007640957832, 0.00039000928518362343, 0.02586136758327484, 0.01595284789800644, -0.00856388546526432, 0.019647330045700073, -0.008302791975438595, -0.006243411917239428, -0.0021491306833922863, -0.0018456086982041597, -0.0070495400577783585, -0.004950996488332748, -0.030391350388526917, -0.002945467596873641, -0.0005405463161878288, -0.022140776738524437, -0.001296495320275426, 0.009830191731452942, -0.006853719707578421, 0.03553490340709686, -0.015561207197606564, 0.02516946941614151, -0.0355871208012104, 0.04248000681400299, 0.009941156953573227, -0.013139558956027031, -0.006347849499434233, 0.0015771713806316257, -0.006230357568711042, -0.013681329786777496, 0.01691889576613903, -0.010026012547314167, 0.0014963954454287887, -0.029007552191615105, -0.0035508794244378805, 0.01587451994419098, 0.004791076295077801, -0.009099128656089306, 0.019020702689886093, 0.002000633394345641, 0.019451508298516273, 0.009053437039256096, 0.005884407553821802, 0.01738886535167694, 0.04391602426767349, -0.009738809429109097, 0.03292396292090416, 0.013772712089121342, 0.004135077353566885, 0.02395538054406643, 0.021044181659817696, -0.020104244351387024, 0.010208778083324432, 0.0058126067742705345, 0.014425448141992092, -0.008511667139828205, -0.009667008183896542, -0.020678650587797165, 0.03190569579601288, 0.01302206702530384, -0.011644795536994934, -0.022597692906856537, -0.004298261366784573, 0.019856205210089684, -0.018981538712978363, 0.019555946812033653, -0.00789809599518776, 0.019007649272680283, -0.019216524437069893, -0.010274051688611507, -0.022845732048153877, -0.00010749732609838247, 0.011938526295125484, -0.014647377654910088, -0.019281797111034393, 0.0038576649967581034, 0.030965756624937057, 0.002548930933699012, 0.029216427356004715, -0.009869355708360672, 0.0034007502254098654, -0.005652686581015587, -0.05979054421186447, 0.003108651377260685, 0.008002533577382565, -0.0001907210680656135, -0.007232306059449911, 0.006847192067652941, -0.0521404854953289, -0.003922938369214535, 0.026331337168812752, -0.012610843405127525, 0.010828876867890358, -0.0038152371998876333, -0.03898134455084801, -0.021474987268447876, 0.07973813265562057, -0.018550734966993332, 0.019255688413977623, 0.012956793420016766, 0.0009725754498504102, -0.04187949001789093, 0.010189196094870567, 0.002638682024553418, -0.03522159159183502, -0.00870096031576395, -0.007924205623567104, 0.018772663548588753, 0.013459399342536926, 0.02634439244866371, -0.013472454622387886, 0.014216572046279907, -0.045352041721343994, 0.01697111502289772, -0.022258270531892776, -0.020991964265704155, 0.008120025508105755, 0.002362901344895363, 0.05028671771287918, 0.021396659314632416, -0.018328804522752762, -0.020717814564704895, 0.04326329007744789, 0.009719227440655231, 0.015430659987032413, -0.00317229307256639, -0.001953310100361705, -0.001131679629907012, 0.05023450031876564, 0.015313167124986649, -0.027075456455349922, 0.01624005101621151, -0.03263675794005394, 0.0020120562985539436, 0.007238833233714104, -0.020508939400315285, -0.013642165809869766, 0.01565258949995041, 0.018198257312178612, 0.04368104040622711, 0.001194505370222032, -0.0022976279724389315, -0.005456866230815649, -0.004800867289304733, 0.00802864320576191, -0.020417556166648865, -0.04741468280553818, 0.011383702047169209, -0.005137025844305754, -0.01640976220369339, -0.021709972992539406, -0.02415120229125023, -0.01214087475091219, 0.004957523662596941, 0.029320864006876945, 0.002937308279797435, 0.006119392346590757, -0.02647493965923786, -0.0014482561964541674, -0.015195675194263458, 0.019464563578367233, -0.001811340101994574, -0.015600371174514294, 0.018903210759162903, -0.001319341012276709, -0.019190413877367973, -0.013929368928074837, 0.005156607832759619, 0.03125296160578728, 0.01698417030274868, -0.01616172306239605, 0.03475162014365196, 0.012584734708070755, -0.013009012676775455, 0.011233572848141193, 0.02571776695549488, 0.02588747814297676, -0.02503892220556736, 0.0027268012054264545, 0.00852472148835659, 0.01191894430667162, -0.014960690401494503, 0.027206001803278923, -0.0035117152146995068, 0.0125129334628582, 0.0010786448838189244, -0.037284232676029205, 0.01811992935836315, 0.021187784150242805, 0.01706249825656414, -0.007284524850547314, -0.010306688956916332, -0.011821034364402294, 0.04067845642566681, 0.01225836668163538, -0.014582104049623013, 0.018981538712978363, 0.0013903259532526135, 0.01604423113167286, 0.004206878133118153, -0.03352447971701622, -0.015117347240447998, -0.027937065809965134, -0.005019533447921276, 0.019099032506346703, -0.013498563319444656, 0.0007812424446456134, 0.026971017941832542, 0.018185202032327652, -0.010841931216418743, -0.01684056781232357, 0.006951629649847746, 0.011037752032279968, -0.013694384135305882, -0.01284582819789648, -0.03169682249426842, -0.002163817174732685, 0.022206051275134087, -0.037258125841617584, -0.0032897854689508677, 0.002632154617458582, -0.008381119929254055, -0.00806127954274416, -0.027023237198591232, 0.014190463349223137, 0.007702275179326534, 3.0443976356764324e-05, 0.047127481549978256, 0.03378557413816452, 0.020508939400315285, -0.011807980015873909, 0.0001765444758348167, -0.029268646612763405, -0.011657850816845894, -0.0010043962392956018, -0.02398149110376835, -0.05952944979071617, -0.0004968946450389922, -0.02451673336327076, 0.007454236038029194, -0.0026843734085559845, 0.021422768011689186, -0.04845906049013138, -0.01802854612469673, 0.007075649686157703, 0.010933314450085163, -0.02541750855743885, 0.013798821717500687, 0.0057701789774000645, 0.028015393763780594, 0.01239544153213501, -0.019125141203403473, 0.019856205210089684, 0.0002033678028965369, 0.0006143869832158089, 0.008805397897958755, -0.01767606846988201, 0.019569000229239464, -0.03334171324968338, 0.008792342618107796, -0.0009342272533103824, -0.008798870258033276, -0.0009505455964244902, 0.007996005937457085, -0.003312631044536829, -0.018328804522752762, -0.02573082037270069, -0.019621219485998154, 7.200484833447263e-05, 0.00877276062965393, 0.018837938085198402, -0.0006719093071296811, -0.007277997210621834, 0.04156617820262909, -0.03172292932868004, -0.003066223580390215, 0.007447708398103714, 0.02588747814297676, -0.007232306059449911, -0.023041551932692528, 0.01676223985850811, 0.014490720815956593, 0.01238891389220953, -0.0004822081245947629, 0.004471235908567905, -0.022623801603913307, 0.037936970591545105, -0.004810658283531666, 0.020287008956074715, -0.009725754149258137, 0.012486823834478855, -0.006853719707578421, -0.018524624407291412, 0.028903113678097725, 0.037649765610694885, 0.013459399342536926, 0.037754204124212265, -0.04201003536581993, -0.03942520543932915, -0.028459254652261734, -0.04892902821302414, 0.019255688413977623, -0.006067173555493355, -0.0011014905758202076, -0.003622680203989148, 0.0030368503648787737, 0.009529933333396912, 0.0006674217293038964, -0.01617477834224701, 0.020339228212833405, 0.023394029587507248, -0.010998588055372238, -0.009901992976665497, 0.012284476310014725, 0.030339131131768227, -0.05224492400884628, 0.01233669463545084, 0.014529885724186897, 0.027127673849463463, -0.037414781749248505, 0.03412499651312828, -0.006455550901591778, 0.02432091347873211, -0.010548200458288193, 0.002841030014678836, -0.018537679687142372, 0.05926835536956787, -0.04133119061589241, -0.01605728641152382, 0.01640976220369339, -0.00042672562994994223, -0.010724439285695553, -0.03524769842624664, 0.03326338529586792, -0.010567782446742058, 0.0038413465954363346, 0.00651103351265192, 0.005110916681587696, 0.009301476180553436, -0.026866581290960312, 0.0003208601556252688, -0.004187296144664288, -0.0036292076110839844, -0.03169682249426842, -0.01693195104598999, 0.019451508298516273, 0.044986508786678314, -0.030234694480895996, 0.0031837159767746925, 0.012610843405127525, 0.010528618469834328, -0.020482830703258514, 0.0012075600679963827, -0.027832629159092903, -0.00308743747882545, -0.01639670878648758, -0.031096303835511208, 0.023132935166358948, 0.006697062868624926, 0.028041504323482513, 0.018929321318864822, -0.006651371717453003, 0.022323543205857277, -0.027754301205277443, -0.018746554851531982, 0.0071800872683525085, -0.020260900259017944, -0.0036357350181788206, 0.004882459063082933, -0.008093916811048985, 0.011475084349513054, -0.00797642394900322, -0.013204832561314106, -0.0028948804829269648, -0.006853719707578421, -0.009771445766091347, -0.027310440316796303, 0.026709923520684242, 0.008244045078754425, -0.006710117682814598, -0.0034007502254098654, 0.021148620173335075, 0.01707555167376995, 0.027440987527370453, 0.028850896283984184, 0.005231672432273626, 0.04240167886018753, 0.023341810330748558, -0.02629217319190502, 2.279473665112164e-05, -0.022075504064559937, 0.014086025767028332, 0.004314579535275698, 0.03190569579601288, 0.022623801603913307, 0.012754445895552635, -0.022427981719374657, -0.021240003407001495, 0.005734278820455074, -0.009725754149258137, 0.029608068987727165, -0.011475084349513054, 0.019542891532182693, -0.003981684800237417, -0.009954211302101612, 0.03229733556509018, 0.0012475401163101196, -0.0012393809156492352, -0.021488042548298836, 0.0012018486158922315, 0.038171954452991486, 0.021801356226205826, -0.01281971950083971, -0.00432763434946537, -0.0478324331343174, 0.0182504765689373, 0.005156607832759619, 0.01218003872781992, 0.021749136969447136, -0.0006156108574941754, 0.03292396292090416, -0.007702275179326534, -0.029190316796302795, -0.014229627326130867, -0.015456769615411758, -0.021435823291540146, 0.012147401459515095, 0.023394029587507248, 0.045169275254011154, -0.001110465731471777, 0.0019484144868329167, -0.013139558956027031, 0.03595265373587608, -0.04088733345270157, 0.02422953024506569, 0.01754552125930786, 0.0062466757372021675, -0.01758468523621559, -0.01247376948595047, -0.001687320414930582, -0.027884846553206444, 0.01305470336228609, 0.019477618858218193, 0.008642214350402355, 0.012160456739366055, 0.007186614442616701, 0.03574378043413162, 0.04013016074895859, 0.0006890436052344739, 0.029190316796302795, -0.0324539951980114, -0.006099810358136892, 0.0036096256226301193, -0.005998636595904827, 0.00891636312007904, 0.003727118019014597, -0.020783089101314545, -0.022545473650097847, 0.019399289041757584, 0.02595275081694126, 0.004507136531174183, 0.0241120383143425, -0.06992099434137344, -0.0021915584802627563, -0.020574213936924934, -0.0013699280098080635, 0.018146038055419922, 0.014321009628474712, 0.04971231147646904, -0.0030368503648787737, 0.0003463576140347868, 0.010593892075121403, -0.013315797783434391, -0.009719227440655231, 0.005345901008695364, -0.04266277328133583, 0.029451411217451096, -0.009105656296014786, 0.01680140383541584, -0.029242536053061485, -0.019569000229239464, -0.0022160359658300877, 0.004941205494105816, 0.021827464923262596, 0.018837938085198402], "35e2081d-5288-4b59-8e8d-3e956a47ae9c": [-0.011756090447306633, 0.022286197170615196, 0.03702227771282196, 0.01987064629793167, 0.015622187405824661, 0.009152392856776714, 0.058458782732486725, -0.027384348213672638, -0.013097389601171017, 0.054137494415044785, 0.014250542968511581, -0.04794688522815704, -0.057147830724716187, 0.018183400854468346, 0.032094065099954605, -0.00477344635874033, -0.025806348770856857, 0.013607204891741276, -0.042751628905534744, 0.012599713169038296, 0.06666437536478043, 0.05525423213839531, 0.03478880226612091, 0.01198672130703926, 0.011476906016469002, -0.0006721667596139014, -0.005814318545162678, 0.03160852938890457, 0.01988278515636921, -0.017892077565193176, 0.03236111253499985, -0.004776480607688427, -0.0387459397315979, -0.004239354282617569, 0.010293407365679741, 0.0008929348550736904, 0.0033866281155496836, 0.007355901878327131, 0.01686030998826027, -0.02146078273653984, -0.012878897599875927, 0.003040682291612029, -0.004791653715074062, -0.022128397598862648, 0.014566142112016678, 0.01591351069509983, 0.0025172114837914705, -0.031657081097364426, -0.051612697541713715, 0.04920928552746773, -0.06001250818371773, 0.02246827445924282, 0.010566522367298603, -0.037847694009542465, 0.014396203681826591, -0.00310592632740736, 0.0007248931797221303, -0.022091982886195183, -0.028476808220148087, -0.026923086494207382, 0.0019876714795827866, 0.007665432523936033, -0.04517931863665581, 0.06583896279335022, -0.005574584007263184, 0.004063346888870001, -0.006469795014709234, 0.016884585842490196, 0.005013180430978537, 0.051612697541713715, 0.02218909002840519, 0.03369634225964546, 0.03529861941933632, 0.009152392856776714, -0.03221544995903969, -0.011088475584983826, 0.01902095414698124, 0.009935323148965836, 0.01627766340970993, -0.013983496464788914, -0.00594480661675334, -0.03452175855636597, -0.031292930245399475, -0.021193737164139748, 0.022213367745280266, -0.008387669920921326, -0.06345982849597931, -0.013510096818208694, -0.02757856249809265, -0.06311994791030884, -0.0024686576798558235, 0.027845608070492744, -0.0398869514465332, 0.040882304310798645, 0.017467232421040535, 0.019603600725531578, 0.003847889369353652, -0.018025601282715797, -0.01945793814957142, 0.03003052994608879, 0.05836167559027672, -0.0420718751847744, 0.0090370774269104, -0.022880982607603073, 0.06889785081148148, -0.03260388225317001, -0.017188047990202904, 0.02918083779513836, 0.007434801664203405, 0.00392678938806057, -0.076666459441185, 0.009091700427234173, 0.01170146744698286, 0.03131720423698425, 0.02959354594349861, 0.01459041889756918, 0.008163108490407467, -0.0521467886865139, 0.02549074962735176, 0.015185203403234482, -0.028840960934758186, 0.0008474156493321061, -0.010038499720394611, -0.042460303753614426, -0.019749261438846588, 0.04136784374713898, 0.031244374811649323, 0.009413369931280613, -0.030734559521079063, -0.024835271760821342, 0.016884585842490196, 0.015427972190082073, 0.03867310658097267, 0.02995769865810871, -0.03607548028230667, 0.013425127603113651, -0.029544992372393608, -0.0383332297205925, -0.04991331323981285, -0.03702227771282196, -0.011883544735610485, -0.014990988187491894, -0.029569268226623535, 0.06549908965826035, -0.01605917140841484, -0.051612697541713715, -0.01930013857781887, -0.003632431849837303, -0.011130960658192635, -0.01642332598567009, 0.012806067243218422, 0.017018109560012817, -0.00947406142950058, 0.05467158928513527, -0.00928591564297676, -0.036973726004362106, -0.017685724422335625, 0.031584251672029495, -0.004700615536421537, 0.0446695014834404, -0.03435181826353073, -0.02118159830570221, -0.010390514507889748, -0.007829301059246063, 0.0056261722929775715, -0.019615737721323967, -0.010087053291499615, -0.03952280059456825, -0.03862455487251282, -0.03139003738760948, -0.05010753124952316, -0.06171188876032829, -0.04928211495280266, -0.009650069288909435, -0.0010211472399532795, 0.009200946427881718, 0.015792125836014748, -0.06540197879076004, 0.01534300297498703, -0.009650069288909435, -0.005522995721548796, 0.027894161641597748, -0.023293688893318176, -0.035541389137506485, 0.028913792222738266, -0.006054053083062172, -0.006366617977619171, 0.017406539991497993, -0.010778944939374924, 0.005377334076911211, -0.02672887034714222, -0.003838785458356142, 0.0003567566745914519, -0.0685579776763916, -0.02723868563771248, -0.03966845944523811, 0.013048836030066013, -0.03257960453629494, -0.025879180058836937, 0.018341200426220894, -0.00194973882753402, -0.05666229501366615, 0.012769651599228382, -0.017188047990202904, 0.0011971548665314913, -0.009140253998339176, -0.03566277027130127, -0.00976538471877575, 0.004652061499655247, -0.04629605636000633, 0.03877021372318268, 0.006579041015356779, -0.009710761718451977, 0.08142473548650742, -0.0031226167920976877, 0.018341200426220894, -0.05185546725988388, 0.011731813661754131, -0.03600264713168144, 0.016180556267499924, -0.0018374581122770905, 0.0114526292309165, 0.02477458119392395, 0.00415741978213191, 0.0026901843957602978, 0.043115779757499695, 0.019203031435608864, 0.014323373325169086, -0.010536176152527332, -0.021800659596920013, -0.0068218098022043705, 0.007222379092127085, 0.0394742451608181, 0.033235080540180206, 0.0298120379447937, -0.043965473771095276, 0.04697581008076668, 0.029642099514603615, -0.04833531379699707, -0.025733517482876778, -0.06360548734664917, 0.024726025760173798, 0.03911009058356285, 0.02211625874042511, 0.02224978245794773, -0.0017327640671283007, 0.0029177803080528975, -0.03860027715563774, 0.015804264694452286, -0.076666459441185, 0.0025081075727939606, 0.0038236123509705067, 0.04301867261528969, -0.05170980468392372, -0.031098714098334312, -0.04423251748085022, 0.02779705449938774, 0.016338355839252472, -0.026243332773447037, -0.049087900668382645, 0.00709492526948452, 0.007968893274664879, -0.021570028737187386, -0.02665604092180729, -0.002395826857537031, 0.03466741740703583, 0.0009240396320819855, 0.02377922646701336, -0.040882304310798645, -0.009747177362442017, 0.000489710655529052, 0.01763717085123062, 0.043479934334754944, -0.0049737305380403996, -0.030297575518488884, 0.016981694847345352, 0.030370406806468964, 0.016399048268795013, 0.008047793991863728, -0.0180741548538208, -0.05753626301884651, 0.01766144670546055, -0.0033198664896190166, 0.022504689171910286, 0.02146078273653984, -0.02023479901254177, -0.0035808433312922716, 0.005198291968554258, -0.0402025543153286, 0.050884392112493515, 0.038988709449768066, -0.022007012739777565, -0.04831103980541229, -0.0180741548538208, 0.03003052994608879, -0.008405878208577633, 0.006378756370395422, -0.05646807700395584, 0.0002285442897118628, 0.049961868673563004, 0.0005522995488718152, 0.01722446270287037, -0.04367414861917496, 0.008478708565235138, 0.013048836030066013, 0.024398287758231163, 0.030880222097039223, 0.0387459397315979, 0.018280507996678352, -0.05049595981836319, 0.018814601004123688, -0.00392678938806057, 0.057147830724716187, -0.00475523853674531, -0.03185129910707474, -0.07278215885162354, 0.015901371836662292, -0.01296386681497097, 0.021497199311852455, -0.0027235650923103094, -0.036633849143981934, 0.01393494289368391, -0.00045064001460559666, -0.023220859467983246, -0.035468555986881256, -0.024458980187773705, -0.010888190940022469, 0.01095495279878378, -0.0495491623878479, -0.0031468935776501894, -0.013765004463493824, -0.025029487907886505, -0.012296251952648163, 0.01217486709356308, -0.021218014881014824, -0.002634044038131833, -0.00947406142950058, 0.009449784643948078, -0.0008974868105724454, -0.021363675594329834, -0.041027966886758804, 0.013995635323226452, 0.029205115512013435, -0.017673585563898087, 0.0022623040713369846, -0.017260879278182983, -0.001813181210309267, 0.04076092317700386, -0.01757647842168808, 0.041246458888053894, 0.012478328309953213, 0.03855172172188759, -0.04420824348926544, 0.05277799069881439, -0.025733517482876778, 0.0117378830909729, 0.028573915362358093, -0.0424845814704895, -0.033963389694690704, 0.020853860303759575, -0.031802743673324585, 0.004867519252002239, 0.040518153458833694, 0.027190132066607475, -0.02665604092180729, 0.027117300778627396, -0.06545053422451019, -0.037702031433582306, 0.0058446647599339485, 0.01613200269639492, 0.014760357327759266, -0.04709719493985176, 0.03961990773677826, -0.010961022228002548, -0.03787197172641754, 0.016836032271385193, 0.004457846283912659, 0.04566485434770584, 0.012308389879763126, 0.025175148621201515, 0.06836376339197159, -0.020125553011894226, -0.024216212332248688, -0.050301745533943176, 0.07729766517877579, 0.056079648435115814, -0.003247035900130868, -0.022443996742367744, -0.014833188615739346, -0.009650069288909435, -0.001544618047773838, 0.026995917782187462, 0.06015816703438759, -0.0056261722929775715, 0.044620949774980545, -0.002448932733386755, -0.03731360286474228, 0.04595617949962616, 0.025539303198456764, -0.029763484373688698, 0.023609289899468422, -0.033307913690805435, -0.008703269995748997, 0.004497296642512083, 0.026413271203637123, 0.0476798377931118, -0.015173064544796944, 0.010202368721365929, 0.017977047711610794, -0.01721232570707798, 0.04199904203414917, -0.0345945879817009, 0.046271778643131256, -0.0465388260781765, 0.048796575516462326, -0.06287717819213867, 0.005292364861816168, 0.04112507402896881, -0.019907061010599136, -0.0736561268568039, 0.02750573121011257, -0.048578083515167236, 0.005013180430978537, -0.04284873604774475, -0.02211625874042511, -0.01931227743625641, 0.019275860860943794, 0.0003979136236011982, 0.08317267149686813, -0.038284678012132645, -0.04568913206458092, 0.015464387834072113, 0.008545470423996449, 0.01576784998178482, -0.01393494289368391, -0.015294449403882027, 0.02240758202970028, -0.026607487350702286, 0.008660785853862762, -0.006694356445223093, 0.01879032328724861, -0.00813276320695877, 0.0018313889158889651, -0.003295589704066515, -0.03250677511096001, 0.006051018368452787, 0.019615737721323967, 0.011070268228650093, 0.04408685863018036, 0.048432424664497375, -0.04733996093273163, -0.0006342341075651348, 0.035177234560251236, 0.020793167874217033, -0.008594023995101452, -0.007064579054713249, 0.03563849627971649, -0.03464314341545105, -0.0014103363500908017, -0.02772422507405281, 0.002523280680179596, 0.07054868340492249, 0.037265047430992126, 0.02786988578736782, 0.011264483444392681, 0.03139003738760948, -0.03522578626871109, 0.004463915713131428, 0.0026886670384556055, -0.014019912108778954, -0.0023988615721464157, 0.02484741061925888, 0.007410524878650904, 0.03884304687380791, -0.012089897878468037, -0.01699383184313774, 0.02745717763900757, -0.0016629679594188929, -0.05632241815328598, -0.046927254647016525, 0.007956755347549915, -0.03306514397263527, -0.058313123881816864, -0.004193834960460663, 0.03318652883172035, -0.025369364768266678, 0.06909206509590149, -0.009383023716509342, -0.006882502231746912, 0.02232261374592781, 0.006736841052770615, 0.01119772158563137, 0.03032185323536396, -0.011082407087087631, 0.03961990773677826, -0.06171188876032829, -0.04144067317247391, 0.013376574032008648, -0.04141639918088913, 0.01044513750821352, -0.006008533760905266, -0.026340439915657043, 0.020732475444674492, 0.015974203124642372, 0.019627876579761505, 0.008751823566854, 0.024228349328041077, -0.011331245303153992, -0.0428001806139946, -0.06520776450634003, -0.012187005952000618, 0.0028479842003434896, -0.0077321939170360565, -0.01829264685511589, -0.006657940801233053, 0.019967753440141678, 0.04683014750480652, 0.013291604816913605, -0.041513506323099136, -0.0039025123696774244, -0.024374011904001236, 0.014214127324521542, 0.007289140485227108, -0.004658130928874016, -0.057147830724716187, -0.0008110002963803709, -0.004199904389679432, -0.0019163581309840083, -0.0005617827409878373, -0.050593066960573196, 0.006597248837351799, -0.0002695115690585226, 0.01655684784054756, 0.014808911830186844, 0.027165856212377548, -0.05768192186951637, 0.0171394944190979, 0.002802465111017227, 0.0004756755952257663, -0.0010871500708162785, 0.002403413411229849, -0.014833188615739346, 0.016386909410357475, -0.003535324241966009, 0.02485954947769642, -0.01000815350562334, 0.0057870070450007915, -0.0150880953297019, -0.0033502127043902874, -0.028646746650338173, 0.028792407363653183, 0.0070403022691607475, 0.02420407347381115, -0.021788520738482475, 0.020829584449529648, 0.03952280059456825, -0.018960261717438698, 0.004530677106231451, -0.019324416294693947, 0.006220956798642874, 0.02248041331768036, 0.02188562974333763, 0.004485157784074545, 0.008842862211167812, 0.020513983443379402, 0.045057933777570724, 0.018316924571990967, -0.012356944382190704, 0.012976004742085934, 0.000979421311058104, 0.00828449334949255, -0.014821049757301807, -0.03930430859327316, -0.08516337722539902, 0.051758360117673874, -0.01368003524839878, -0.056856509298086166, 0.02449539676308632, 0.008952108211815357, 0.01468752697110176, -0.004503365606069565, -0.022601798176765442, 0.02262607403099537, 0.021290844306349754, -0.037483539432287216, -0.036196865141391754, -0.004509435035288334, 0.0009536271099932492, -0.01766144670546055, -0.005956945475190878, 0.038940154016017914, -0.03529861941933632, 0.033089421689510345, 0.034254711121320724, -0.00513456529006362, -0.0020195350516587496, -0.05539989471435547, 0.01894812285900116, -0.004673304036259651, 0.01570715755224228, 0.02433759532868862, -0.009880700148642063, 0.006718633230775595, -0.0021909906063228846, -0.006142056547105312, -0.01764930970966816, 0.023645704612135887, -0.009565100073814392, -0.009753245860338211, -0.005835560616105795, 0.02218909002840519, -0.0038357507437467575, 0.006054053083062172, 0.00947406142950058, -0.035905539989471436, 0.018717491999268532, -0.018899569287896156, 0.03231256082653999, 0.006154194939881563, 0.009085630998015404, 0.022225504741072655, 0.028840960934758186, -0.005984256975352764, -0.00041536265052855015, 0.06273151934146881, -0.00032451393781229854, 0.0012146038934588432, -0.021424368023872375, -0.02966637723147869, -0.02874385379254818, -0.01678747870028019, -0.03685234114527702, 0.016969555988907814, 0.0010052155703306198, 0.0046884771436452866, 0.016022756695747375, -0.016811756417155266, 0.019360831007361412, -0.019688569009304047, 0.008994593285024166, -0.002488382626324892, -0.020271215587854385, -0.002414034679532051, -0.018195539712905884, 0.043115779757499695, -0.006979609839618206, -0.011064198799431324, 0.018389753997325897, 0.015294449403882027, -0.008685062639415264, 0.02377922646701336, -0.015610049478709698, -0.000191939267097041, -0.04731568694114685, 0.04391691833734512, -0.01584067940711975, -0.004882692359387875, 0.03398766368627548, 0.0009103838820010424, 0.009134185500442982, -0.044402457773685455, 0.022492552176117897, 0.018122708424925804, -0.008873208425939083, -0.016314079985022545, 0.00907349307090044, 0.05272943526506424, 0.002678046002984047, 0.018826739862561226, -0.007622947916388512, -0.01829264685511589, -0.030807390809059143, 0.023366520181298256, -0.04479088634252548, -0.04039676859974861, -0.021934183314442635, 0.02702019363641739, -0.042678795754909515, -0.03350212797522545, 0.026170501485466957, 0.0024580364115536213, -0.016836032271385193, -0.05015608295798302, 0.020647507160902023, 0.011215929873287678, 0.014177711680531502, 0.04042104631662369, -0.00354746263474226, -0.007902132347226143, 0.009085630998015404, 0.0081024169921875, 0.016362633556127548, 0.00021963012113701552, -0.014201988466084003, 0.01217486709356308, 0.061323460191488266, 0.002436794340610504, -0.008405878208577633, -0.015755711123347282, -0.08501771837472916, -0.006457656621932983, 0.009935323148965836, 0.01801346242427826, -0.050301745533943176, -0.01988278515636921, -0.021133044734597206, -0.044256795197725296, 0.025466471910476685, 0.03423043340444565, -0.006991748232394457, 0.0057870070450007915, 0.0506901741027832, -0.0013754382962360978, 0.004882692359387875, 0.018547555431723595, -0.0029359881300479174, -0.006233095191419125, -0.021048076450824738, 0.06331416219472885, 0.012150590308010578, 0.014821049757301807, 0.02203129045665264, -0.0020134656224399805, 0.013230912387371063, -0.006148125976324081, 0.03794480115175247, -0.027845608070492744, 0.02665604092180729, -0.007750401739031076, -0.004955523181706667, -0.004133142996579409, 0.01598634198307991, 0.003498908830806613, 0.02392488904297352, -0.018183400854468346, 0.04814109951257706, -0.02925366908311844, -0.014541865326464176, -0.03745926171541214, -0.027772778645157814, 0.02255324460566044, -0.03908581659197807, 0.009249499998986721, 0.013291604816913605, 0.002705357503145933, -0.006202748976647854, 0.007944616489112377, -0.008393739350140095, -0.03520151227712631, -0.004761307965964079, -0.0072284480556845665, 0.009419438429176807, 0.004105831496417522, 0.020841721445322037, 0.06171188876032829, -0.019712846726179123, -0.012696820311248302, 0.0001970601879293099, -0.014226265251636505, 0.006190610583871603, -0.009601515717804432, 0.05510857328772545, -0.013582928106188774, -0.01167112123221159, 0.0046884771436452866, 0.016617540270090103, -0.0051467036828398705, -0.013862112537026405, 0.02702019363641739, -0.014845326542854309, 0.007204171270132065, -0.0005189187941141427, 0.019336553290486336, 0.02081744559109211, 0.07321914285421371, -0.036124031990766525, 0.005577618721872568, -0.04255741089582443, 0.02694736421108246, -0.025029487907886505, -0.01693314127624035, -0.022880982607603073, -0.031098714098334312, -0.0037689893506467342, -0.02190990559756756, 0.05884721502661705, 0.012696820311248302, -0.013595066033303738, 0.01466325018554926, -0.05170980468392372, 0.023245135322213173, -0.028306869789958, -0.014384065754711628, 0.0301761906594038, 0.0004680890415329486, 0.01692100241780281, 0.016435464844107628, -0.03291948139667511, 0.022298336029052734, 0.004512469284236431, 0.027190132066607475, 0.00951047707349062, -0.03350212797522545, 0.0019649118185043335, 0.013328020460903645, 0.028622468933463097, 0.012375151738524437, -0.004306115675717592, -0.03391483426094055, -0.0007154099876061082, -0.019992031157016754, 0.028622468933463097, -0.010493692010641098, -0.008387669920921326, -0.013801420107483864, 0.0016963486559689045, 0.03112298995256424, -0.018996676430106163, -0.02153361402451992, 0.006281648762524128, 0.02464105747640133, -0.015804264694452286, -0.02333010546863079, -0.045130763202905655, -0.008223800919950008, -0.01779497042298317, 0.00779895531013608, -0.026413271203637123, 0.02786988578736782, 0.011082407087087631, -0.010894260369241238, 0.010038499720394611, -0.03522578626871109, -0.025879180058836937, -0.011750021018087864, 0.024762442335486412, -0.031074436381459236, 0.0025915594305843115, 0.011561875231564045, -0.012077759951353073, 0.006603317800909281, 0.02226192131638527, -0.0011728779645636678, 0.001354195992462337, 0.023378659039735794, -0.004026931244879961, -0.018329061567783356, -0.020429015159606934, 0.04933067038655281, 0.001579516101628542, 0.04182910546660423, -0.028719577938318253, -0.017163770273327827, -0.005137600004673004, -0.003938927780836821, -0.029205115512013435, -0.03032185323536396, 0.01274537481367588, 0.021642860025167465, 0.0016159313963726163, 0.003850923851132393, 0.004700615536421537, 0.004130108281970024, -0.018547555431723595, 0.01866893842816353, -0.0002814603503793478, 0.03631825000047684, -0.015901371836662292, -0.028331147506833076, -0.039207201451063156, 0.014044188894331455, -0.008830723352730274, 0.06496499478816986, -0.005480511114001274, -0.008836792781949043, -0.030637452378869057, 0.06117779761552811, -0.03318652883172035, 0.027821332216262817, -0.03233683481812477, 0.04034821316599846, -0.006833948660641909, 0.023439351469278336, 0.026631763204932213, 0.01757647842168808, -0.024179795756936073, -0.016326216980814934, 0.030151914805173874, 0.016034895554184914, 0.0037689893506467342, 0.015573633834719658, -0.0013215739745646715, 0.017018109560012817, 0.02816120907664299, -0.036051202565431595, 0.010791083797812462, -0.006384825799614191, 0.04874802380800247, 0.023512180894613266, 0.021375814452767372, -0.019494354724884033, -0.002849501557648182, 0.012903174385428429, 0.021582167595624924, 0.005969083867967129, 0.023317966610193253, 0.006585109978914261, -0.018766047433018684, 0.02910800836980343, 0.023208720609545708, 0.002011948497965932, -0.04775267094373703, 0.031948406249284744, -0.011313037015497684, 0.034473203122615814, 0.022808151319622993, -0.029350776225328445, 0.024386150762438774, 0.05690506100654602, -0.020768892019987106, 0.00951047707349062, 0.0111673753708601, -0.04299439862370491, -0.015051680617034435, 0.0033866281155496836, -0.02296595089137554, 0.023135889321565628, 0.03804190829396248, -0.013328020460903645, -0.024507533758878708, 0.005492649506777525, 0.014796772971749306, -0.03384200483560562, 0.020283352583646774, 0.011695398017764091, 0.007410524878650904, -0.0003008060157299042, 0.0023700327146798372, 0.03328363597393036, 0.008666854351758957, -0.0017843524692580104, 0.046344608068466187, -0.01772213913500309, 0.026340439915657043, 0.014711803756654263, 0.001963394694030285, -0.04112507402896881, -0.04547064006328583, 0.01678747870028019, 0.020222660154104233, 0.03068600594997406, 0.010099192149937153, -0.04243602976202965, 0.0003110478282906115, -0.031025882810354233, -0.007283071056008339, 0.0029617822729051113, -0.04573768749833107, 0.017467232421040535, 0.004169558174908161, 0.049864761531353, 0.03153569996356964, -0.020477568730711937, -0.0180741548538208, 0.04284873604774475, 0.013206635601818562, -0.020441152155399323, 0.005538168828934431, 0.014566142112016678, 0.01054831501096487, -0.010323753580451012, 0.019700707867741585, -0.0033502127043902874, 0.019494354724884033, -0.0020483636762946844, -0.010408722795546055, 0.029205115512013435, -0.0030862013809382915, 0.036124031990766525, -0.00932840071618557, 0.029690653085708618, -0.0105179687961936, 0.0184383075684309, 0.010372307151556015, -0.00016443809727206826, 0.013582928106188774, -0.02896234579384327, 0.024374011904001236, 0.024361873045563698, -0.008703269995748997, -0.017370125278830528, 0.0063241333700716496, -0.030079083517193794, -0.006785394623875618, 0.0023245136253535748, -0.004342531319707632, -0.02823403850197792, -0.017018109560012817, 0.022808151319622993, 0.027262963354587555, 0.027335794642567635, -0.004530677106231451, 0.04314005747437477, 0.003511047223582864, 0.012769651599228382, -0.022953812032938004, 0.01965215429663658, -0.01662967912852764, 0.0201012771576643, -0.010244853794574738, -0.005653483793139458, -0.004685442429035902, 0.00802958570420742, -0.025660688057541847, -0.03595409542322159, -0.01468752697110176, -0.009188808500766754, 0.009813938289880753, 0.005777902901172638, -0.0558854341506958, 0.0023275481071323156, 0.009886768646538258, 0.013582928106188774, -0.03243394196033478, -0.0491364523768425, 0.02621905691921711, 0.026267610490322113, 0.024507533758878708, 0.02448325790464878, 0.007446940056979656, -0.011622567661106586, -0.02269890531897545, 0.004381981212645769, 0.01628980226814747, 0.024883827194571495, 0.004111900459975004, -0.015573633834719658, 0.002668942091986537, 0.006205783691257238, -0.04255741089582443, 0.001901185023598373, 0.01437192689627409, 0.004812896251678467, -0.011719675734639168, -0.03860027715563774, 0.0223347507417202, 0.006384825799614191, -0.0328223742544651, 0.008733616210520267, 0.008217732422053814, -0.03340502083301544, 0.037774860858917236, -0.029981976374983788, 0.02765139378607273, 0.01242370530962944, -0.008648646995425224, 0.022443996742367744, 0.00023613082885276526, -0.019045231863856316, -0.0034928396344184875, 0.0021682309452444315, 0.0038236123509705067, 0.002964816987514496, -0.015027403831481934, 0.0005686106160283089, 0.005783972330391407, -0.033599235117435455, -0.009583307430148125, 0.006445517763495445, 0.02188562974333763, 0.027044471353292465, -0.021302983164787292, 0.022504689171910286, -0.01743081770837307, 0.04639316350221634, 0.009158462285995483, -0.008861069567501545, 0.0027235650923103094, -0.004767376929521561, 0.006066191475838423, -0.0004229491751175374, 0.0015901372535154223, -0.006888571660965681, -0.01534300297498703, -0.030661730095744133, 0.006657940801233053, -0.005055665038526058, -0.004057277459651232, 0.0005246087093837559, 0.017030248418450356, 0.01026306115090847, 0.00900066178292036, 0.007859647274017334, 0.008587954565882683, 0.005073872860521078, 0.044038303196430206, -0.013036697171628475, 0.017030248418450356, 0.0301761906594038, -0.0010894261067733169, 0.0268017016351223, 0.028865238651633263, -0.01411701925098896, -0.008763962425291538, 0.007792886346578598, 0.015512941405177116, -0.01076680701225996, -0.006864294409751892, -0.011258414015173912, 0.043261442333459854, 0.011130960658192635, -0.00925556942820549, -0.04328572005033493, 0.00103176839184016, 0.020149830728769302, 0.0008701752522028983, 0.012830344028770924, -0.0016735891113057733, 0.024228349328041077, -0.021630721166729927, -0.019251585006713867, -0.022601798176765442, 0.014505449682474136, 0.0007302037556655705, -0.005016215145587921, -0.009674346074461937, -0.0031742050778120756, 0.03350212797522545, 0.004633854143321514, 0.025733517482876778, -0.00340483570471406, 0.001738833263516426, -0.005714176222681999, -0.054137494415044785, -0.011404075659811497, 0.004812896251678467, 0.020004168152809143, 0.0038084392435848713, 0.011798575520515442, -0.04153778403997421, 0.003353247418999672, 0.031098714098334312, -0.037216491997241974, 0.005292364861816168, -0.02750573121011257, -0.0184383075684309, -0.0075197708792984486, 0.07355901598930359, -0.005131530575454235, -0.001637173700146377, 0.004891796037554741, 0.014990988187491894, -0.04025110602378845, 0.003198482096195221, -0.019494354724884033, -0.022929536178708076, -0.004105831496417522, -0.0026704594492912292, 0.014068465679883957, 0.01397135853767395, 0.027845608070492744, -0.00799923948943615, 0.01641118712723255, -0.042970120906829834, 0.011343383230268955, -0.0159984789788723, -0.011009575799107552, 0.0009475579136051238, 0.0016068276017904282, 0.0376049242913723, 0.013534373603761196, -0.009231292642652988, -0.015306588262319565, 0.0476798377931118, 0.001416405662894249, 0.017394401133060455, -0.0024109999649226665, 0.0008504503057338297, 0.01893598586320877, 0.026024840772151947, 0.015245895832777023, -0.01490601897239685, -0.0013390230014920235, -0.034327540546655655, 0.012818205170333385, 0.0017767659155651927, -0.01393494289368391, -0.013194497674703598, 0.020356183871626854, 0.008387669920921326, 0.03255532681941986, 0.007774678524583578, 0.0065365564078092575, -0.001989188836887479, 0.0016128967981785536, 0.025660688057541847, -0.015962064266204834, -0.035759881138801575, -0.0032318627927452326, -0.009091700427234173, -0.02080530673265457, -0.007022094447165728, -0.03789624571800232, -0.023512180894613266, 0.01048155315220356, 0.027408624067902565, -0.0013693690998479724, 0.016605401411652565, -0.03668240085244179, 0.022601798176765442, -0.012660405598580837, 0.02282029017806053, 0.0009543857886455953, -0.009085630998015404, 0.010190230794250965, 0.0027417729143053293, -0.020052721723914146, -0.016241248697042465, 0.0065365564078092575, 0.013036697171628475, 0.01635049469769001, -0.013291604816913605, 0.029350776225328445, 0.017612893134355545, -0.007647224701941013, 0.012004928663372993, 0.015015264973044395, 0.022565381601452827, -0.0076350863091647625, 0.002518728841096163, -0.012035274878144264, 0.02195845916867256, -0.01800132356584072, 0.01959146186709404, 0.0032925549894571304, 0.015755711123347282, -0.008047793991863728, -0.027699947357177734, 0.030564621090888977, 0.022067705169320107, 0.018984539434313774, -0.012757512740790844, -0.026753148064017296, -0.011355522088706493, 0.03818757086992264, 0.010348030366003513, -0.009643999859690666, 0.013947080820798874, -0.0019087715772911906, 0.017697863280773163, 0.00705850962549448, -0.01692100241780281, -0.021739967167377472, -0.034764524549245834, -0.021982736885547638, 0.01198672130703926, -0.009838215075433254, -0.00030497860279865563, 0.01967643015086651, 0.021582167595624924, -0.010615075938403606, -0.007252724841237068, 0.0195307694375515, -0.004063346888870001, -0.04486371949315071, -0.01347368210554123, -0.013158082030713558, -0.0042423889972269535, 0.02341507375240326, -0.0417562760412693, -0.006299856584519148, 0.0012039827415719628, 0.010560452938079834, -0.00954082328826189, -0.017236601561307907, 0.01537941861897707, 0.013328020460903645, 0.007204171270132065, 0.052341002970933914, 0.02959354594349861, 0.04479088634252548, -0.007149548269808292, -0.008333046920597553, -0.00684001762419939, -0.01922730728983879, -0.0010446654632687569, -0.025806348770856857, -0.057876139879226685, -0.004372877534478903, -0.02750573121011257, 0.005647414829581976, 0.019069507718086243, 0.0301761906594038, -0.045567747205495834, -0.019360831007361412, -0.010857845656573772, 0.01915447786450386, -0.012193075381219387, 0.024361873045563698, 0.0029147458262741566, 0.026170501485466957, 0.011598290875554085, -0.00951047707349062, 0.027190132066607475, 0.010821430012583733, -0.01177429873496294, 0.0240462739020586, -0.02110876701772213, 0.026388995349407196, -0.032166898250579834, -0.015051680617034435, -0.002687149913981557, -0.010335891507565975, 0.0013010903494432569, 0.021266568452119827, -0.008047793991863728, -0.013582928106188774, -0.012830344028770924, -0.02376708947122097, 0.007926409132778645, 0.005674726329743862, -0.0033866281155496836, 0.0016917967004701495, -0.006906779017299414, 0.034546032547950745, -0.009115977212786674, 0.008011378347873688, 0.014966711401939392, 0.028355423361063004, 0.0004817448207177222, -0.029277946799993515, 0.021351536735892296, 0.02995769865810871, 0.016593264415860176, 0.0009771453915163875, -0.0021500233560800552, -0.005079942289739847, 0.032458219677209854, -0.0007836887962184846, 0.014044188894331455, -0.004925176966935396, 0.010809291154146194, 0.0026052151806652546, -0.009789661504328251, 0.028064100071787834, 0.05170980468392372, 0.013910666108131409, 0.0461261160671711, -0.039862677454948425, -0.0364639088511467, -0.03556566312909126, -0.02505376562476158, 0.006348410155624151, 0.0007271691574715078, 0.006773256231099367, -0.005635276436805725, 0.0007047888939268887, 0.010778944939374924, -0.012326598167419434, -0.005359126720577478, 0.02845253050327301, 0.005832526367157698, -0.008138831704854965, -0.011859267950057983, 0.0071313404478132725, 0.021642860025167465, -0.039717014878988266, 0.02723868563771248, 0.010123468935489655, 0.023609289899468422, -0.03624541684985161, 0.0446695014834404, -0.01556149497628212, 0.020768892019987106, -0.01729729399085045, 0.005665622651576996, -0.016520433127880096, 0.06933483481407166, -0.03423043340444565, -0.011756090447306633, 0.00010687527537811548, -0.014808911830186844, -0.003772023832425475, -0.0066275945864617825, 0.035177234560251236, -0.02296595089137554, 0.010311614722013474, 0.0063423411920666695, -0.0009407300385646522, 0.0030027495231479406, -0.026049118489027023, 0.016435464844107628, 0.008891415782272816, 0.006979609839618206, -0.041804827749729156, -0.029933422803878784, 0.019482215866446495, 0.020768892019987106, -0.05136992782354355, 0.012648266740143299, -0.020708199590444565, 0.025150872766971588, -0.02563641034066677, 0.0126725435256958, -0.025830626487731934, -0.018717491999268532, -0.011173444800078869, -0.019263723865151405, 0.037774860858917236, 0.01198672130703926, 0.03097732923924923, 0.01246619038283825, -0.01772213913500309, 0.017115216702222824, -0.017054524272680283, -8.639163570478559e-05, -0.005923564545810223, -0.0018829773180186749, 0.0038934084586799145, 0.016581125557422638, -0.015622187405824661, 0.014784634113311768, 0.004670269321650267, 0.014893880113959312, -0.004485157784074545, 0.0027675670571625233, 0.006906779017299414, -0.014893880113959312, 0.01872963085770607, 0.013412989675998688, -0.025879180058836937, -0.020513983443379402, 0.028136931359767914, 0.006199714262038469, 0.02167927473783493, 0.021193737164139748, -0.0044881924986839294, 0.024823134765028954, 0.01684817112982273, -0.002122711855918169, -0.00022532000730279833, -0.01692100241780281, 0.005213465075939894, -0.004976765252649784, 0.009207015857100487, 0.01922730728983879, 0.014481172896921635, -0.013315881602466106, -0.02059895358979702, 0.010244853794574738, 0.01076680701225996, 0.02312375046312809, -0.006117779761552811, -0.0019421522738412023, 0.01459041889756918, 0.00951047707349062, 0.027165856212377548, -0.0012677095364779234, -0.00813276320695877, -0.023366520181298256, -0.0028919861651957035, 0.045810516923666, 0.030928775668144226, -0.0177100021392107, 0.00024011374625843018, -0.038721662014722824, 0.020295491442084312, 0.01198672130703926, 0.016229109838604927, 0.02816120907664299, -0.026121947914361954, 0.052535220980644226, -0.012514743953943253, -0.03435181826353073, -0.01800132356584072, -0.010621145367622375, -0.022237643599510193, -0.0008216214482672513, 0.014954572543501854, 0.04755845293402672, -0.002615836448967457, 0.0008314839797094464, -0.005152772646397352, 0.04517931863665581, -0.02757856249809265, 0.020331906154751778, 0.03003052994608879, -0.009370884858071804, -0.009595446288585663, -0.01684817112982273, -0.0008147935732267797, -0.03393911197781563, 0.012126313522458076, 0.017625031992793083, 0.004117969889193773, 0.01170753687620163, -0.0034837357234209776, 0.03420615941286087, 0.028549639508128166, -0.0030816495418548584, 0.029714930802583694, -0.031657081097364426, -0.0023578943219035864, 0.014335512183606625, -0.020404737442731857, 0.017540063709020615, 0.004858415573835373, -0.004248457960784435, -0.020064860582351685, 0.02772422507405281, 0.02016196958720684, 0.009158462285995483, 0.009892838075757027, -0.0640910267829895, 0.001914840773679316, -0.019397245720028877, -0.021873490884900093, 0.023657843470573425, 0.012587574310600758, 0.05268087983131409, 0.017588617280125618, 0.0171394944190979, 0.018960261717438698, 0.004567092750221491, -0.008515124209225178, -0.0039025123696774244, -0.0436255969107151, 0.020404737442731857, -0.017333708703517914, 0.010317684151232243, -0.02405841089785099, -0.012162729166448116, 0.01019629929214716, 0.008709339424967766, 0.021994875743985176, 0.024908103048801422], "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c": [0.020599598065018654, 0.0323394313454628, 0.03897779807448387, 0.015433554537594318, 6.528183439513668e-05, -0.01336713694036007, 0.023492582142353058, -0.006186336744576693, 0.004936800338327885, 0.049903977662324905, 0.007348696701228619, -0.043523915112018585, -0.030660467222332954, 0.005392057821154594, 0.03122873231768608, 0.02165863662958145, -0.0011672029504552484, 0.023621734231710434, -0.03425086662173271, 0.012450164183974266, 0.06085599213838577, 0.06261244416236877, 0.03272688388824463, 0.0030382792465388775, 0.004526745527982712, -0.016182631254196167, -0.002358621684834361, 0.004129605833441019, 0.02887818217277527, -0.03729883208870888, 0.06178588047623634, -0.008123603649437428, -0.01848152093589306, -0.005937721114605665, 0.002206869190558791, 0.025391103699803352, 0.0014803942758589983, -0.00654150266200304, 0.014658648520708084, 0.010797030292451382, -0.032907694578170776, -0.0014844302786514163, 0.016582999378442764, -0.014154958538711071, -0.011436328291893005, 0.0207804087549448, -0.0017386964755132794, -0.016311781480908394, -0.04442797228693962, 0.01573060266673565, -0.051608774811029434, 0.024228744208812714, 0.018597755581140518, -0.052047885954380035, 0.02980807051062584, -0.012185405008494854, -0.028800692409276962, -0.021581146866083145, -0.03435418754816055, 0.0037066361401230097, 0.0074261873960494995, 0.008368990384042263, -0.03551654890179634, 0.05599990859627724, -0.018378200009465218, 0.0002934151270892471, -0.015265658497810364, 0.03112541139125824, -0.00033599461312405765, 0.050291433930397034, 0.00998337846249342, 0.03959772363305092, 0.03546488657593727, 0.002271444769576192, -0.027173388749361038, -0.005976466462016106, 0.034225039184093475, 0.01611805520951748, -0.010370831936597824, -0.003089939709752798, -0.004504144191741943, -0.011649427935481071, -0.03262356296181679, 0.016234291717410088, -0.00712268240749836, 0.008775816299021244, -0.07563087344169617, -0.039675213396549225, -0.03921027109026909, -0.09856811165809631, 0.004303960129618645, 0.04047594964504242, -0.013599609024822712, 0.02612726390361786, 0.029937220737338066, 0.04122502729296684, -0.02825825661420822, 0.0319003164768219, 0.01567894220352173, 0.02017339877784252, 0.06142425537109375, -0.04398886114358902, 0.03634311631321907, -0.029110655188560486, 0.08374156057834625, -0.02079332433640957, -0.02815493568778038, 0.02980807051062584, 0.006696483585983515, 0.009608840569853783, -0.0650404840707779, -0.010487068444490433, 0.00497877411544323, 0.03481913357973099, 0.021142031997442245, 0.018287792801856995, 0.02040587179362774, -0.06395561993122101, 0.022614354267716408, 0.009059948846697807, -0.011765663512051105, -0.005411430262029171, -0.014335770159959793, -0.034173376858234406, 0.005172500852495432, -0.0066125355660915375, 0.007206630427390337, -0.008149433881044388, -0.04233572632074356, -0.0161697156727314, 0.031099582090973854, 0.020586682483553886, 0.03784126788377762, 0.01022876612842083, -0.017060859128832817, -0.023285940289497375, -0.0168283861130476, -0.025145716965198517, -0.04840582609176636, -0.03360511362552643, -0.020431701093912125, -0.01802949234843254, -0.009143896400928497, 0.06178588047623634, -0.025584829971194267, -0.03438001871109009, 0.0055567254312336445, 0.01808115281164646, -0.014581157825887203, 0.017190009355545044, 0.004481542855501175, 0.045616164803504944, 0.005492149852216244, 0.016376357525587082, 0.028439069166779518, -0.04453129321336746, 0.0032594504300504923, 0.04101838544011116, -0.03029884397983551, 0.04003683477640152, -0.007251833565533161, -0.011642970144748688, -0.02358298748731613, 0.01660882867872715, 0.005660046357661486, -0.010629134252667427, -0.02292431704699993, -0.030944600701332092, -0.048354167491197586, -0.010403119958937168, -0.03639477491378784, -0.026682613417506218, -0.05997776240110397, -0.006060414481908083, -0.006767516955733299, -0.012023965828120708, 0.016815470531582832, -0.05269364267587662, 0.012082084082067013, -0.007348696701228619, -0.016260121017694473, -0.004914199002087116, -0.0212195236235857, -0.03954606130719185, 0.02486158348619938, -0.004601007327437401, -0.005456633400171995, 0.009583010338246822, -0.017913255840539932, -0.012947396375238895, -0.010409577749669552, -0.02106454223394394, -0.0018888346385210752, -0.06710690259933472, -0.005521208979189396, -0.028361577540636063, 0.03306267783045769, -0.010732455179095268, -0.011978763155639172, 0.017112519592046738, -0.015381894074380398, -0.07191132754087448, 0.022846827283501625, -0.013961232267320156, -0.003735695034265518, -0.029730578884482384, -0.018236132338643074, -0.01187544222921133, -0.0033643858041614294, -0.04943903535604477, 0.023453837260603905, 0.0069612436927855015, -0.03303684666752815, 0.06369731575250626, 0.00907286349684, 0.031202903017401695, -0.02364756353199482, 0.002515217289328575, -0.02869737148284912, 0.0007555338670499623, 0.004423424601554871, 0.04238738492131233, 0.038900308310985565, -0.020961221307516098, -0.015963073819875717, 0.044402141124010086, 0.01941140741109848, 0.012398503720760345, 0.006987073924392462, -0.04535786062479019, -0.03778960928320885, 0.04471210390329361, 0.029162315651774406, -0.000366264401236549, 0.05956447869539261, -0.03766045719385147, 0.021839449182152748, 0.03267522528767586, -0.03179699555039406, -0.03727300465106964, -0.0673135444521904, 0.04590029641985893, 0.02479700744152069, 0.002187496516853571, 0.02479700744152069, -0.0017354676965624094, 0.009970463812351227, -0.06328403204679489, 0.02341509237885475, -0.036988869309425354, 0.012398503720760345, 0.00803319737315178, 0.04086340218782425, -0.01666048914194107, -0.029678918421268463, -0.03210695832967758, 0.046881843358278275, 0.024758262559771538, 0.011307177133858204, -0.043859709054231644, 0.023350516334176064, -0.009970463812351227, -0.014452006667852402, -0.03360511362552643, -0.006273514125496149, 0.016686320304870605, 0.008976000361144543, 0.027948295697569847, -0.02508114092051983, 0.012191862799227238, -0.028129106387495995, 0.02376380003988743, 0.005398515146225691, -0.003803499508649111, -0.05003312975168228, 0.0136641850695014, 0.021839449182152748, -0.018726907670497894, 0.018223218619823456, -0.011113450862467289, -0.03205529972910881, 0.013677099719643593, -0.005660046357661486, 0.06390395760536194, 0.040217649191617966, 0.010106072761118412, -0.0025362044107168913, 0.005918348673731089, -0.020108824595808983, 0.022795166820287704, 0.020057164132595062, -0.022743506357073784, -0.06757184863090515, -0.0107195395976305, 0.028361577540636063, -0.016686320304870605, -0.025119885802268982, -0.046210259199142456, -0.0005065143923275173, 0.06271576881408691, -0.012566400691866875, 0.04241321608424187, -0.024939075112342834, 0.012805329635739326, 0.006260599009692669, 0.0025539626367390156, 0.06240580603480339, 0.018946463242173195, 0.03600732237100601, -0.054088473320007324, -0.004462169948965311, -0.000889528077095747, 0.043136462569236755, -0.032081130892038345, -0.010751827619969845, -0.07258290797472, 0.0149815259501338, -0.010880978778004646, 0.013883741572499275, -0.011881900019943714, -0.015317318961024284, -0.0030608808156102896, 0.0039100488647818565, -0.004717243369668722, -0.05075637623667717, -0.036756400018930435, -0.014581157825887203, 0.004320103675127029, -0.02204609103500843, -0.040605101734399796, -0.05266781151294708, -0.05522500351071358, -0.017797019332647324, 0.00718725798651576, -0.02722504921257496, -0.005479234736412764, 0.00470109935849905, 0.015330233611166477, 0.008149433881044388, -0.0023214907851070166, -0.03210695832967758, -0.010183563455939293, 0.010028582066297531, 0.005576097872108221, 0.011281346902251244, -0.021981514990329742, 0.0016644345596432686, 0.03970104455947876, 0.0004689798806793988, 0.014387430623173714, -0.01154610700905323, 0.054915040731430054, -0.045177049934864044, 0.06560875475406647, -0.041664138436317444, 0.034560829401016235, 0.005750452168285847, -0.06261244416236877, -0.02079332433640957, 0.01495569571852684, -0.03941691294312477, -0.00803319737315178, 0.015872668474912643, 0.030221354216337204, -0.01709960401058197, 0.018132811412215233, -0.0555349662899971, -0.03853868320584297, 0.0063122594729065895, 0.010428950190544128, -0.005844086408615112, -0.06070100888609886, 0.018132811412215233, -0.00439759436994791, -0.06235414370894432, -0.012411419302225113, -0.008071943186223507, 0.040940895676612854, -0.0006025705370120704, 0.030324675142765045, 0.06860505789518356, -0.019049784168601036, -0.01831362396478653, -0.050833866000175476, 0.05822131037712097, 0.043911367654800415, 0.00962821301072836, -0.013328392058610916, 0.0064607830718159676, 0.005117611959576607, 0.032907694578170776, 0.03629145398736, 0.06411059945821762, -0.0016410259995609522, 0.060081083327531815, -0.008536886423826218, -0.025171546265482903, 0.04949069395661354, 0.027741653844714165, -0.06333569437265396, 0.03580068051815033, -0.030712127685546875, 0.013263816013932228, 0.0055728694424033165, 0.012992599047720432, 0.04716597497463226, -0.020057164132595062, 0.00243288348428905, 0.01605347916483879, -0.01671214960515499, 0.04117336496710777, -0.02761250175535679, 0.05000729858875275, -0.011914188042283058, 0.050498075783252716, -0.04212908446788788, 0.00418126629665494, 0.041483327746391296, -0.022640185430645943, -0.06312905251979828, 0.004691413138061762, -0.03249441459774971, 0.024590367451310158, -0.04249070584774017, -0.00995754823088646, -0.040553439408540726, 0.011320092715322971, 0.023957526311278343, 0.08327662199735641, -0.022368967533111572, -0.03959772363305092, 0.01848152093589306, 0.017642037943005562, 0.011933560483157635, -0.03580068051815033, -0.0021584373898804188, 0.002113234717398882, -0.026863425970077515, -0.019760115072131157, 0.0003975431900471449, -0.0018032720545306802, 0.0010703395819291472, 0.011714003048837185, 0.02266601473093033, -0.0025507339742034674, -0.021206608042120934, 0.04065676033496857, -0.01405163761228323, 0.007729692384600639, 0.021632807329297066, -0.06948328018188477, -0.008265669457614422, 0.06886336207389832, 0.006799804512411356, -0.038022078573703766, -0.034509170800447464, 0.016518423333764076, -0.0424390472471714, -0.023053469136357307, -0.016298867762088776, -0.025920622050762177, 0.08518805354833603, 0.05610322952270508, 0.035284075886011124, -0.009253675118088722, 0.020483361557126045, -0.06674528121948242, 0.008640207350254059, -0.0006606884999200702, -0.013987062498927116, 0.008097773417830467, 0.006289657671004534, 0.026269331574440002, 0.029239805415272713, -0.03001471236348152, -0.021426165476441383, 0.0340958870947361, 0.00803319737315178, -0.03833204135298729, -0.04716597497463226, -0.0003787759051192552, -0.02771582268178463, -0.03226194158196449, 0.010829318314790726, 0.029394786804914474, -0.02611435018479824, 0.06297406554222107, -0.00163537566550076, -0.005618072114884853, 0.03515492379665375, 0.005259677767753601, 0.02133576013147831, 0.027044236660003662, -0.013535033911466599, 0.04866413027048111, -0.08198510855436325, -0.047320958226919174, 0.006031355820596218, -0.03902945667505264, 0.013793336227536201, -0.03833204135298729, -0.009415114298462868, 0.012166032567620277, 0.04101838544011116, 0.027535011991858482, -0.011991677805781364, 0.023621734231710434, -0.009511977434158325, -0.042697347700595856, -0.03205529972910881, 0.0008419036166742444, 0.01753871701657772, -0.0051498995162546635, -0.017228754237294197, -0.0025475050788372755, 0.024926159530878067, 0.03921027109026909, 0.028671540319919586, -0.013102377764880657, -0.029549768194556236, -0.008801646530628204, 0.02209775149822235, -0.00934408139437437, 0.002108391374349594, -0.06219916418194771, -0.01063559204339981, 0.0011760820634663105, -0.029317297041416168, -0.0003012852685060352, -0.03270105645060539, 0.01780993491411209, 0.01885605789721012, -5.998462438583374e-05, 0.027922464534640312, -0.006150820292532444, -0.04652022197842598, 0.0032885095570236444, -0.002019600011408329, 0.029188144952058792, -0.008536886423826218, -0.013767505995929241, -0.01281178742647171, 0.02226564660668373, -0.0023699223529547453, 0.029653089120984077, -0.006154049187898636, -0.016673404723405838, 0.003393444698303938, -0.007671574596315622, -0.0036259167827665806, 0.014503667131066322, -0.004446025937795639, 0.039339419454336166, -0.012398503720760345, 0.033191829919815063, 0.04083757475018501, -0.009447402320802212, 0.022575609385967255, -0.032081130892038345, -0.00023146295279730111, 0.01561436615884304, 0.01308946218341589, -0.0019856980070471764, -0.0059635513462126255, 0.008698325604200363, 0.04910324141383171, 0.022175241261720657, -0.014426176436245441, 0.0033966735936701298, -0.008840391412377357, -0.010248138569295406, -0.013218613341450691, -0.033243488520383835, -0.061114292591810226, 0.02007007785141468, -0.015498130582273006, -0.026437226682901382, 0.021103287115693092, 0.008827476762235165, 0.012372673489153385, -0.019824691116809845, -0.03430252894759178, -0.007942792028188705, 0.011371753178536892, -0.03438001871109009, -0.015175252221524715, 0.02106454223394394, -0.015020270831882954, 0.009298877790570259, 0.016750896349549294, 0.005111154168844223, -0.03130622208118439, 0.017293330281972885, 0.030453825369477272, 0.013431712985038757, 0.0017160950228571892, -0.06943162530660629, 0.03820288926362991, 0.0058892895467579365, 0.0035484260879456997, 0.02408667653799057, -0.028077445924282074, -0.0149815259501338, -0.001543355407193303, 0.011778579093515873, -0.044014688581228256, 0.04086340218782425, 0.01765495352447033, -0.0066125355660915375, 0.0033611569087952375, 0.010571015998721123, -0.012417877092957497, -0.008356074802577496, -0.0027412318158894777, -0.024370810016989708, 0.016763810068368912, 0.0019986131228506565, 0.03252024203538895, 0.012656806036829948, 0.013354222290217876, 0.01759037747979164, 0.02292431704699993, -0.007761980406939983, 0.03773794695734978, 0.05615489184856415, 0.02568815089762211, -0.002179424511268735, -0.03306267783045769, -0.016092225909233093, 0.001048545353114605, -0.02018631435930729, -0.03182282671332359, 0.023944610729813576, -0.002600779989734292, 0.00970570370554924, 0.022175241261720657, 0.01220477744936943, 0.035878170281648636, -0.024228744208812714, 0.017964916303753853, -0.00891142524778843, -0.02248520404100418, 0.009860685095191002, -0.015420639887452126, 0.04471210390329361, 0.008943712338805199, -0.004045657813549042, -0.00014014910266268998, 0.012301640585064888, -0.021968599408864975, 0.013677099719643593, -0.018339453265070915, 0.00995754823088646, -0.04910324141383171, 0.04845748841762543, -0.011371753178536892, 0.0032303915359079838, 0.03642060607671738, -0.012792414985597134, 0.024151252582669258, -0.045822806656360626, 0.010564559139311314, 0.025778556242585182, -0.011559021659195423, -0.0057052490301430225, 0.02320845052599907, 0.01831362396478653, -0.0007680453709326684, -0.025701066479086876, 0.012779499404132366, -0.02673427388072014, -0.026437226682901382, 0.015097761526703835, -0.03525824472308159, -0.030092202126979828, -0.014529497362673283, 0.018907718360424042, -0.03264939412474632, -0.022084835916757584, 0.032571904361248016, 0.012656806036829948, -0.0031771166250109673, -0.043472256511449814, 0.027535011991858482, 0.012495367787778378, 0.006392978597432375, 0.03605898469686508, -0.0035064518451690674, -0.00805902760475874, 0.020315466448664665, 0.00485285185277462, 0.025584829971194267, -0.00896308571100235, -0.023634647950530052, 0.02815493568778038, 0.05718810111284256, 0.01270200964063406, -0.023453837260603905, 0.0019986131228506565, -0.09727659821510315, -0.007322866469621658, -0.008917882107198238, 0.020870815962553024, -0.049800656735897064, -0.023608818650245667, -0.028723200783133507, -0.01826196350157261, 0.017667869105935097, 0.012940938584506512, -0.0069612436927855015, 0.01566602662205696, 0.03502577543258667, -0.012023965828120708, -0.0072453757748007774, -0.01424536481499672, 0.006825634744018316, -0.010190020315349102, -0.014581157825887203, 0.05295194312930107, 0.0018274878384545445, 0.020586682483553886, 0.04628774896264076, -0.020250890403985977, -0.009169726632535458, -0.009053491055965424, 0.034844961017370224, -0.010467695072293282, 0.01819738745689392, -0.02101288177073002, 0.029162315651774406, -0.009867142885923386, 0.02869737148284912, 0.03210695832967758, 0.023402176797389984, -0.031487032771110535, 0.03859034553170204, -0.02957559935748577, -0.01600181870162487, -0.03931359201669693, -0.0161697156727314, 0.025106970220804214, -0.04233572632074356, -0.0034999942872673273, 0.025210291147232056, -0.0010461237980052829, -0.018597755581140518, 0.013806250877678394, -0.0018016576068475842, -0.03259773552417755, 0.00712268240749836, -0.006564103998243809, 0.010654964484274387, -0.0011195784900337458, 0.011978763155639172, 0.044453803449869156, -0.002820336725562811, -0.01429702527821064, 0.010880978778004646, -0.006993531249463558, 0.018455689772963524, -0.0010776043636724353, 0.049025751650333405, -0.00357425631955266, -0.014813628979027271, -0.00967341661453247, 0.036317285150289536, -0.004914199002087116, -0.01715126447379589, 0.010512898676097393, -0.009202014654874802, 0.027302538976073265, -0.008517513982951641, 0.008207551203668118, 0.01407746784389019, 0.06002942472696304, -0.03502577543258667, 0.0021277640480548143, -0.030453825369477272, 0.014219534583389759, -0.030970430001616478, -0.021761957556009293, -0.006402664817869663, -0.03941691294312477, 0.0014392273733392358, -0.020702918991446495, 0.049800656735897064, 0.0026282246690243483, -0.04107004404067993, 0.007923418655991554, -0.05615489184856415, 0.02655346319079399, 0.0018452461808919907, -0.021632807329297066, 0.024732433259487152, 0.0013439784524962306, 0.010480610653758049, 0.018119897693395615, -0.05132463946938515, -0.005175729747861624, 0.011681715957820415, 0.015498130582273006, 0.01297968439757824, -0.033682603389024734, 0.01567894220352173, -0.0029640174470841885, 0.03326931968331337, -3.354901127750054e-05, -0.02452579140663147, -0.02869737148284912, -0.008401278406381607, -0.01316695287823677, 0.021038711071014404, 0.011320092715322971, -0.018223218619823456, -0.03667890653014183, 0.010648506693542004, 0.03794458881020546, -0.036213964223861694, -0.043084800243377686, -0.021968599408864975, 0.019605135545134544, -0.0022133267484605312, -0.02275642193853855, -0.03520658612251282, -0.005459862295538187, -0.018404029309749603, -0.023285940289497375, -0.003262679325416684, 0.030712127685546875, -0.005095010157674551, -0.001699951128102839, 0.030582977458834648, -0.015343149192631245, -0.018959378823637962, -0.006922498345375061, 0.011074705980718136, -0.05003312975168228, -0.0046494388952851295, 0.017887424677610397, 0.007581168785691261, -0.00535976979881525, 0.02552025392651558, -0.017616208642721176, -0.003913277760148048, 0.028129106387495995, -0.01281178742647171, 0.006137905176728964, -0.009563637897372246, 0.027896635234355927, 0.0168283861130476, 0.0441180095076561, -0.035103265196084976, 0.00037494173739105463, -0.037479646503925323, 0.007213088218122721, -0.023053469136357307, -0.03200363740324974, 0.01666048914194107, 0.003635603003203869, -0.0188043974339962, -0.008401278406381607, -0.011694630607962608, -0.0025975510943681, -0.017680782824754715, 0.0027363887056708336, -0.010261054150760174, 0.043420594185590744, -0.022782251238822937, -0.021529486402869225, -0.016518423333764076, 0.03024718351662159, -0.03799624741077423, 0.048302505165338516, -0.009996294043958187, -0.007568253669887781, -0.02167155221104622, 0.04246487841010094, -0.03130622208118439, 0.014684478752315044, -0.04843165725469589, 0.024344978854060173, -0.01031271368265152, 0.015859752893447876, 0.037918757647275925, 0.018119897693395615, 0.00036182484473101795, 0.009841312654316425, 0.007813640870153904, 0.014426176436245441, -0.00389713398180902, -0.02446121536195278, -0.0229372326284647, 0.012269353494048119, -0.00194533821195364, -0.03360511362552643, 0.03381175547838211, -0.011636512354016304, 0.027560841292142868, 0.015433554537594318, 0.015640195459127426, -0.004681726917624474, -0.007678031921386719, 0.005046578589826822, 0.0529002845287323, 0.0006675496697425842, 0.008595004677772522, 0.007096852175891399, 0.0016773496754467487, 0.03264939412474632, 0.020832069218158722, 0.019114360213279724, -0.031642016023397446, 0.02501656487584114, -0.003677577245980501, 0.03525824472308159, 0.04832833632826805, -0.030944600701332092, 0.02287265658378601, 0.053158584982156754, -0.01802949234843254, 0.014658648520708084, -0.0031399857252836227, -0.03040216490626335, -0.0019178936490789056, -0.012140202336013317, 0.0046849558129906654, 0.013205698691308498, 0.0450737290084362, -0.003470935393124819, -0.020496277138590813, 0.007497220300137997, 0.017022112384438515, -0.008104230277240276, 0.02628224529325962, 0.01935974694788456, -0.03184865787625313, -0.017125433310866356, -0.006505985744297504, 0.025158630684018135, 0.004391137044876814, -0.021180778741836548, 0.014090383425354958, -0.0032755944412201643, 0.01907561533153057, 0.023105129599571228, -0.01369001530110836, -0.02660512365400791, -0.024590367451310158, 0.03089294023811817, 0.037092190235853195, 0.030944600701332092, -0.00514344172552228, -0.03598149120807648, -0.012553485110402107, -0.03817706182599068, -0.0031206130515784025, 0.002520060632377863, -0.038848645985126495, 0.012495367787778378, -0.0012737525394186378, 0.03267522528767586, 0.024215828627347946, -0.019540559500455856, -0.0060378131456673145, 0.03259773552417755, 0.01743539609014988, -0.03205529972910881, -0.01715126447379589, 0.03084127977490425, 0.03970104455947876, -0.021374505013227463, 0.016428017988801003, -0.008239839226007462, 0.025701066479086876, -0.0084141930565238, -0.019153105095028877, 0.008788730949163437, -0.006577019114047289, 0.03525824472308159, -0.022356051951646805, 0.03270105645060539, 0.00747784785926342, 0.027302538976073265, 0.026295160874724388, -0.01223060768097639, 0.0282065961509943, -0.036756400018930435, 0.032365262508392334, 0.0004935992765240371, 0.007387442048639059, -0.018300708383321762, 0.03140954300761223, -0.011559021659195423, 0.01369001530110836, 0.024228744208812714, -0.010829318314790726, -0.034612491726875305, -0.009111609309911728, 0.008201094344258308, 0.018455689772963524, 0.025171546265482903, 0.011862527579069138, 0.032804377377033234, 0.0036130016669631004, 0.0008338316692970693, -0.03040216490626335, 0.008627292700111866, -0.03254607319831848, 0.003419274929910898, -0.009492604993283749, 0.013741675764322281, -0.01561436615884304, 0.01864941604435444, -0.03644643723964691, -0.0268892552703619, -0.00500460434705019, -0.0074843051843345165, -0.008950170129537582, 0.010906809009611607, -0.07552755624055862, 0.009027660824358463, 0.005679418798536062, 0.0076522016897797585, -0.027560841292142868, -0.026915086433291435, 0.009886515326797962, 0.009118066169321537, 0.034070055931806564, 0.019282257184386253, 0.007975079119205475, -0.02440955489873886, 0.001539319520816207, 0.007096852175891399, -0.00023267374490387738, 0.012107914313673973, 0.01770661398768425, -0.010945554822683334, 0.02469368651509285, 0.007038733921945095, -0.03639477491378784, -0.005795654840767384, -0.021129118278622627, 0.02150365523993969, 0.004772132728248835, -0.045564502477645874, 0.0229372326284647, 0.003551654750481248, -0.027070067822933197, 0.0194630678743124, 0.02985973097383976, -0.03014386259019375, 0.020031332969665527, -0.00898891594260931, 0.01919185183942318, -0.005627758335322142, -0.02446121536195278, 0.032804377377033234, 0.0009775122161954641, -0.006941870786249638, -0.013405882753431797, 0.025313612073659897, -0.024099592119455338, -0.0007430223631672561, -0.00997692160308361, -0.005643902346491814, -0.01814572699368, -0.026424311101436615, -0.017125433310866356, 0.019372662529349327, -0.002214941196143627, 0.032752715051174164, -0.006202480755746365, 0.021761957556009293, -0.03135788440704346, 0.031151242554187775, -0.01704794354736805, -0.015162337571382523, -0.007975079119205475, -0.00242642592638731, 0.011333007365465164, -0.01836528442800045, 0.0024910015054047108, -0.021038711071014404, -0.011500904336571693, -0.012301640585064888, -0.02393169514834881, -0.013535033911466599, -0.004136063624173403, 0.012366216629743576, 0.01698336750268936, 0.00964758638292551, -0.003319182898849249, 0.01272783987224102, 0.02276933565735817, 0.021193692460656166, 0.038900308310985565, -0.013302561827003956, 0.020367126911878586, 0.015097761526703835, -0.00037817051634192467, -0.002357007237151265, 0.022201070562005043, 0.01919185183942318, 0.002184267621487379, 0.024293318390846252, 0.0009016360272653401, -0.015110677108168602, -0.013431712985038757, -0.005446947179734707, 0.02275642193853855, 0.014619902707636356, 0.008007367141544819, -0.03776377812027931, -0.0038648461923003197, 0.022459372878074646, -0.01487820502370596, -0.003635603003203869, -0.01003503892570734, 0.024758262559771538, -0.012540570460259914, -0.027922464534640312, -0.029833899810910225, -0.004116690717637539, 0.0014715151628479362, -0.013522118330001831, -0.02727670967578888, -0.007955706678330898, 0.022808082401752472, -0.027844974771142006, 0.03458666056394577, -0.008194636553525925, 0.009331165812909603, 0.005153128411620855, -0.04504789784550667, -0.011384667828679085, -0.006525358650833368, 0.006577019114047289, -0.00503043457865715, 0.01152027677744627, -0.05791134759783745, 0.006916040554642677, 0.03272688388824463, -0.01273429673165083, -0.0021584373898804188, -0.02364756353199482, -0.02469368651509285, -0.013522118330001831, 0.08482643216848373, -0.0075165932066738605, -0.0013246057787910104, 0.03975270316004753, 0.03970104455947876, -0.045228708535432816, -0.004604236222803593, -0.00048068418982438743, -0.019773030653595924, -0.01864941604435444, -0.015549791045486927, 0.019773030653595924, 0.01930808648467064, 0.03523241728544235, -0.015420639887452126, -0.0009129367535933852, -0.02673427388072014, -0.013599609024822712, -0.009809024631977081, -0.031202903017401695, 0.012740754522383213, 0.0011704317294061184, 0.04194827377796173, 0.012805329635739326, -0.0005157971172593534, -0.025920622050762177, 0.03711802139878273, -0.002773519605398178, -0.0016119669890031219, -0.001216441742144525, -0.01492986548691988, 0.02211066521704197, 0.019540559500455856, -0.02380254492163658, -0.0225368645042181, 0.014813628979027271, 0.007406814489513636, 0.0011042418191209435, -0.00026415433967486024, 0.011804409325122833, -0.010977841913700104, 0.02050919272005558, 0.031926147639751434, 0.030763788148760796, 0.006250912323594093, -0.00389067642390728, -0.00408117426559329, 0.0036840348038822412, 0.004639752674847841, -0.009970463812351227, -0.04840582609176636, -0.0034644778352230787, 0.011998135596513748, -0.018894804641604424, -0.019773030653595924, -0.016402188688516617, -0.016363441944122314, 0.0032029468566179276, 0.03998517617583275, 0.010047954507172108, -0.02089664526283741, -0.032081130892038345, 0.005860230419784784, -0.008504599332809448, 0.021542400121688843, -0.01410329807549715, -0.023402176797389984, -0.0011978762922808528, 0.0043943654745817184, -0.016789641231298447, -0.027689993381500244, 0.014232449233531952, 0.03370843455195427, 0.029058994725346565, 0.000572300748899579, 0.037634626030921936, 0.014387430623173714, -0.012120828963816166, 0.009298877790570259, 0.023053469136357307, 0.018998123705387115, -0.008278584107756615, 0.011604225262999535, 0.013199240900576115, 0.03474164009094238, -0.030608806759119034, 0.029833899810910225, 0.015291488729417324, 0.006276742555201054, 0.004555804654955864, -0.011552564799785614, 0.03915860876441002, 0.028025785461068153, 0.020987050607800484, 0.0071097672916948795, -0.01726749911904335, -0.025778556242585182, 0.0229372326284647, 0.023014724254608154, -0.006651280913501978, 0.030867109075188637, -0.015343149192631245, 0.014542412012815475, 0.02050919272005558, -0.037582967430353165, -0.03492245450615883, -0.03226194158196449, -0.022226901724934578, 0.0074843051843345165, 0.0003830136847682297, 0.011959390714764595, 0.021426165476441383, 0.011714003048837185, -0.01814572699368, -0.002605623099952936, 0.013011971488595009, 0.013250901363790035, -0.05279696360230446, 0.0010606532450765371, -0.019992588087916374, -0.0009847769979387522, 0.030169693753123283, -0.028904013335704803, 0.0009500676533207297, -0.009486147202551365, 0.025378188118338585, -0.0028606965206563473, -0.01802949234843254, 0.027121728286147118, 0.022446459159255028, 0.02045753225684166, 0.05393349379301071, 0.006260599009692669, 0.02397044189274311, -0.027638332918286324, -0.022007344290614128, -0.013147580437362194, -0.034173376858234406, -0.006903125438839197, -0.0064446390606462955, -0.05305526405572891, 0.020870815962553024, 0.0052564493380486965, -0.01154610700905323, -0.002256915206089616, 0.028723200783133507, -0.06054602935910225, -0.03512909635901451, 0.010622676461935043, 0.00514344172552228, -0.0025684922002255917, 0.024047931656241417, 0.004284587223082781, 0.012224149890244007, -0.009079321287572384, -0.022575609385967255, 0.03556820750236511, -0.002511988626793027, -0.013560864143073559, 0.025507338345050812, -0.03293352574110031, 0.01824904792010784, -0.034509170800447464, -0.0032303915359079838, -0.008272127248346806, -0.015433554537594318, 0.011294262483716011, 0.00997692160308361, 0.013289646245539188, -0.023130958899855614, -0.010106072761118412, -0.02513280138373375, -0.0015062245074659586, 0.009905887767672539, 0.005605156999081373, -0.0043943654745817184, 0.016867130994796753, 0.04466044530272484, 0.005805341061204672, 0.012172489427030087, 0.024177083745598793, 0.042206574231386185, -0.003722779918462038, -0.006838549859821796, 0.013095919974148273, 0.00975736416876316, -0.01036437414586544, -0.004216782748699188, -0.0009920417796820402, 0.008917882107198238, 0.01699628308415413, 0.003386987140402198, 0.018016576766967773, 0.004203867632895708, 0.01157193724066019, -0.002442569937556982, -0.015059016644954681, 0.003419274929910898, 0.027793314307928085, 0.017112519592046738, 0.04223240539431572, -0.03608481213450432, -0.04003683477640152, -0.0065963915549218655, -0.026708444580435753, -0.0007627985905855894, 0.004071488045156002, -0.0036872634664177895, 0.02260144054889679, 0.0012455007527023554, 0.01283761765807867, -0.005011062137782574, -0.009841312654316425, 0.03809956833720207, 0.018429860472679138, -0.020832069218158722, -0.018933549523353577, 0.004400823265314102, 0.025507338345050812, -0.034225039184093475, 0.01361252460628748, -0.004349162802100182, 0.03895196691155434, -0.02942061796784401, 0.05186707526445389, -0.011559021659195423, 0.02172321267426014, 0.00036061403807252645, 0.011500904336571693, -0.02660512365400791, 0.055121682584285736, -0.015291488729417324, -0.02353132702410221, 0.0076844897121191025, -0.009369911625981331, -0.021361589431762695, -0.014206619001924992, 0.04241321608424187, -0.02182653360068798, -0.011249059811234474, 0.005279050674289465, 0.008317329920828342, -4.3840740545419976e-05, -0.025313612073659897, 0.005569640547037125, -0.0054824636317789555, -0.010519355535507202, -0.03063463792204857, -0.025610659271478653, -0.0022117123007774353, 0.018016576766967773, -0.015123591758310795, 0.026424311101436615, -0.005414659157395363, 0.01286344788968563, -0.005233847536146641, 0.006305801682174206, -0.044350482523441315, -0.01595015823841095, -0.003249764209613204, -0.016260121017694473, 0.016905877739191055, 0.020302550867199898, 0.008582090027630329, 0.02040587179362774, -0.03908111900091171, 0.0026330677792429924, -0.016260121017694473, -0.013741675764322281, 0.008091315627098083, -0.01146861631423235, -0.008188178762793541, 0.01427119504660368, 0.019553475081920624, 0.019488899037241936, -0.007826555520296097, 0.008478769101202488, 0.00964758638292551, -0.005902204662561417, -0.006625450681895018, -0.022201070562005043, 0.03611064329743385, 0.000979933887720108, -0.03089294023811817, -0.024603281170129776, 0.02248520404100418, 0.0235959030687809, 0.01316695287823677, 0.0060539571568369865, 0.012379131279885769, 0.01770661398768425, 0.04032097011804581, 0.007548880763351917, 0.02249811962246895, 0.0030253641307353973, -0.0038713037502020597, -0.021800702437758446, 0.022252731025218964, 0.02145199477672577, 0.02694091573357582, -0.0018000432755798101, -0.00195825332775712, 0.009770279750227928, 0.011610682122409344, 0.028800692409276962, -0.009182642214000225, -0.006980616133660078, 0.008504599332809448, 0.005198331084102392, 0.03561986982822418, -0.006903125438839197, -0.011765663512051105, 0.0014343842631205916, -0.011584851890802383, 0.04930988326668739, 0.022071920335292816, 0.0061895656399428844, -0.017719529569149017, -0.033527620136737823, 0.01704794354736805, 0.006709398701786995, 0.01344462763518095, 0.03169367462396622, -0.020057164132595062, 0.057549722492694855, -0.005931263789534569, -0.04140583798289299, -0.019230596721172333, -0.024383725598454475, -0.030376335605978966, -0.000805176270660013, 0.00647692708298564, 0.03394090384244919, 0.007690947037190199, 0.022795166820287704, -0.000729300023522228, 0.018391113728284836, -0.028309917077422142, -0.005398515146225691, 0.028284087777137756, -0.005272592883557081, -0.005908661987632513, -0.006773974280804396, 0.015317318961024284, -0.02761250175535679, 0.019940927624702454, 0.01316695287823677, 0.02116786316037178, -0.0015021885046735406, -0.0038487024139612913, 0.029549768194556236, 0.022407712414860725, 0.011126365512609482, 0.0201217383146286, -0.020031332969665527, -0.009492604993283749, 0.01819738745689392, -0.013560864143073559, 0.014516581781208515, 0.00995754823088646, -0.020806239917874336, -0.02462911233305931, 0.011016587726771832, 0.016402188688516617, -0.011630055494606495, 0.03931359201669693, -0.051944565027952194, 0.008155890740454197, -0.007322866469621658, -0.0024748577270656824, 0.013341306708753109, 0.0046849558129906654, 0.0273283701390028, -0.011552564799785614, -0.0019824691116809845, 0.02039295621216297, 0.006057186052203178, -0.007942792028188705, -0.002600779989734292, -0.03983019292354584, 0.025881877169013023, 0.001701565575785935, 0.013250901363790035, -0.009944633580744267, -0.012947396375238895, 0.0077555226162076, -0.006916040554642677, 0.022252731025218964, 0.019656796008348465], "d601700a-368f-4017-b334-d46d10325bbb": [0.02208072319626808, 0.0179310105741024, 0.04043613746762276, 0.03251395374536514, 0.013191847130656242, -0.0332212932407856, 0.012248730286955833, -0.013392259366810322, -0.012189785949885845, 0.05201289430260658, 0.008706147782504559, -0.04152072221040726, -0.02302384003996849, -0.009926305152475834, 0.029778916388750076, 0.020642470568418503, -0.005166511982679367, 0.003106391290202737, -0.04880629852414131, 0.015361016616225243, 0.0610196627676487, 0.05592682957649231, 0.03935155272483826, -0.011741804890334606, -0.01707041636109352, -0.008983188308775425, 0.008564679883420467, -0.0021028558257967234, 0.0089655052870512, -0.04144998639822006, 0.04668428748846054, -0.0035573190543800592, 0.0029207151383161545, -0.024851130321621895, -0.006230466067790985, 0.019121695309877396, -0.012154418975114822, -0.01352193858474493, -0.010450913570821285, 0.026147915050387383, -0.029047999531030655, -0.020394902676343918, 0.02361328899860382, -0.02897726558148861, 0.01148834265768528, 0.03895072638988495, -0.018768025562167168, 0.0011427924036979675, -0.021644532680511475, 0.001780133112333715, -0.06809303909540176, 0.02709103189408779, -0.0008753303554840386, -0.008829931728541851, 0.027256077155470848, -0.013639828190207481, -0.040200356394052505, -0.003672261256724596, -0.016940737143158913, 0.01033891923725605, 0.031170012429356575, -0.0003993510617874563, -0.03774825483560562, 0.034470923244953156, 0.015549639239907265, -0.017046837136149406, -0.008523418568074703, 0.013557305559515953, -0.02605360373854637, 0.0506453774869442, 0.016315922141075134, 0.043760623782873154, 0.03517825901508331, 0.007586196530610323, -0.017636286094784737, -0.0026598842814564705, -0.00382551783695817, 0.01941641792654991, -0.017082205042243004, -0.006035948172211647, -0.02107866294682026, -0.005346294026821852, -0.027208922430872917, 0.0299675390124321, 0.002428526058793068, -0.0005817115306854248, -0.07412898540496826, -0.05050390958786011, -0.025039752945303917, -0.09940452128648758, -0.0015207759570330381, 0.055408116430044174, 0.0004122452228330076, 0.020383113995194435, 0.01406423095613718, 0.02388443425297737, -0.030038272961974144, 0.025935715064406395, 0.008157961070537567, 0.007951654493808746, 0.05470078065991402, -0.025487734004855156, 0.012649554759263992, -0.010733849368989468, 0.06262296438217163, -0.040106046944856644, -0.045387499034404755, 0.020159123465418816, 0.01394634135067463, 0.005254929419606924, -0.06111397221684456, -0.03494248166680336, -0.0027365125715732574, 0.014170330949127674, 0.034282296895980835, 0.01940462924540043, 0.013144691474735737, -0.08195685595273972, -0.0008841720991767943, 0.0020925404969602823, -0.018838759511709213, -0.021503064781427383, -0.013309736736118793, -0.020442059263586998, 0.0021131711546331644, 0.006749180145561695, -0.0049454690888524055, 0.0009460641304031014, -0.0375596284866333, 0.002306215465068817, 0.05701141431927681, 0.03564981743693352, 0.019970500841736794, -0.011959901079535484, -0.002161800628527999, -0.024002324789762497, -0.013239002786576748, -0.0005371345323510468, -0.04666070640087128, -0.046118415892124176, -0.01426464319229126, -0.026619473472237587, -0.012401986867189407, 0.05083400011062622, -0.01049217488616705, -0.014205697923898697, -0.014300010167062283, 0.0013866765657439828, 0.003218386322259903, -0.0050309388898313046, -0.010061877779662609, 0.04293539747595787, 0.0017079256940633059, -0.011948112398386002, 0.021691687405109406, -0.02690240927040577, 0.014854091219604015, 0.038714949041604996, -0.021361596882343292, 0.04842905327677727, -0.0010956365149468184, -0.011323297396302223, -0.016032986342906952, -0.013356892392039299, 0.015066292136907578, -0.02184494398534298, -0.02320067584514618, -0.02275269478559494, -0.02907157875597477, 0.007150005083531141, -0.053427569568157196, -0.010845843702554703, -0.045882634818553925, -0.0036133164539933205, -0.006006475538015366, -0.006212782580405474, 0.033834319561719894, -0.07455339282751083, 0.013899184763431549, -0.003026815829798579, -0.007786608766764402, -0.00119584274943918, -0.0522015206515789, -0.03074561059474945, 0.023955168202519417, -0.011340980418026447, -0.005673437379300594, -0.006548767909407616, -0.01846151240170002, -0.028340661898255348, -0.02739754505455494, -0.01226051989942789, -0.01455936674028635, -0.10487459599971771, -0.009714104235172272, -0.03899788483977318, 0.04618914797902107, -0.03128790110349655, -0.009077499620616436, -0.002826403360813856, 0.01994692161679268, -0.03574413061141968, 0.008116699755191803, -0.014146753586828709, -0.009036238305270672, -0.026030026376247406, -0.02278806082904339, -0.0055526006035506725, -0.003678155830129981, -0.05955783277750015, 0.03626284375786781, -0.022222191095352173, -0.005157670471817255, 0.04993803799152374, 0.00510167283937335, 0.03503679111599922, -0.029189467430114746, -0.0028072462882846594, -0.0381019227206707, 0.018355412408709526, 0.0015590901020914316, 0.03562624007463455, 0.04984372854232788, -0.051305558532476425, -0.01117593515664339, 0.021703477948904037, -0.0011015310883522034, 0.005582073237746954, 0.008747409097850323, -0.02288237400352955, -0.014229276217520237, 0.042723193764686584, -0.0025979923084378242, 0.011063939891755581, 0.06045379117131233, -0.04616557061672211, 0.0242381040006876, 0.03638073429465294, -0.049183543771505356, -0.03366927430033684, -0.030274052172899246, 0.03602706640958786, 0.027421122416853905, 0.022505126893520355, 0.02636011689901352, -0.014488632790744305, -0.002745354315266013, -0.04658997431397438, 0.028552863746881485, -0.03777183219790459, 0.01507808081805706, -0.0007883867947384715, 0.02862359769642353, 0.006990853697061539, -0.04736804589629173, -0.03664008900523186, 0.022941317409276962, 0.019793665036559105, -0.007150005083531141, -0.040648337453603745, 0.009731787256896496, 0.0018405515002086759, -0.008629519492387772, -0.030321206897497177, 0.014453265815973282, -0.001545827486552298, 0.025747090578079224, 0.030816344544291496, -0.015066292136907578, -0.012130840681493282, -0.008311217650771141, 0.012425565160810947, -0.02262301556766033, -0.01550248358398676, -0.0571528822183609, -0.007509568240493536, -0.004700848367065191, -0.03506036847829819, 0.02893011085689068, -0.009130550548434258, -0.020241646096110344, 0.0168464258313179, -0.008216905407607555, 0.06776294857263565, 0.019970500841736794, 0.025676356628537178, 0.011010889895260334, 0.021467698737978935, -0.024898285046219826, 0.009389907121658325, 0.03602706640958786, -0.03923366218805313, -0.0549837127327919, 0.008440895937383175, 0.026973143219947815, 0.004473910667002201, -0.017801331356167793, -0.031122857704758644, 0.023224253207445145, 0.03109927847981453, -0.015585006214678288, 0.02334214374423027, 0.006130259949713945, 0.021974623203277588, -0.006725602317601442, 0.0033126980997622013, 0.04437365010380745, -0.006872964091598988, 0.02591213583946228, -0.06606534123420715, 0.012602399103343487, 0.0017978165997192264, 0.042770352214574814, -0.052531611174345016, -0.010032406076788902, -0.060831040143966675, 0.005057464353740215, -0.004105505533516407, 0.003748889546841383, -8.164776227204129e-05, -0.016870003193616867, 0.0006296042120084167, -0.01678748056292534, -0.02699672058224678, -0.056634169071912766, -0.01707041636109352, 0.025228377431631088, 0.02487470768392086, -0.012425565160810947, -0.022422604262828827, -0.0625758022069931, -0.05705857276916504, -0.018496880307793617, 0.0006152364076115191, -0.018485091626644135, 0.0011737383902072906, -0.015549639239907265, 0.010256395675241947, -0.010209240019321442, -0.0006896542035974562, -0.022281136363744736, -0.02610076032578945, -0.010680798441171646, 0.01782490871846676, -0.004992625210434198, -0.06116113066673279, 0.020194489508867264, 0.029189467430114746, -0.000506556942127645, 0.0214912761002779, -0.013462993316352367, 0.06611249595880508, -0.04694364219903946, 0.04932501167058945, -0.035225413739681244, 0.017541974782943726, -0.003990563098341227, -0.05620976537466049, -0.02401411347091198, 0.007580301724374294, -0.034423764795064926, -0.005422921851277351, -0.004659587051719427, 0.01778954267501831, -0.020736781880259514, 0.0025331529323011637, -0.07785429805517197, -0.04366631060838699, -0.0026923040859401226, -0.0020129650365561247, -0.018390778452157974, -0.05526664853096008, 0.028317084535956383, 0.007014431990683079, -0.05913342908024788, -0.03784256428480148, 0.006814019288867712, 0.02235187031328678, -0.022175036370754242, 0.036050643771886826, 0.06903615593910217, -0.0151016591116786, -0.01895665004849434, -0.07818438857793808, 0.04314759746193886, 0.025228377431631088, 0.03678155690431595, 0.0035131103359162807, 0.001158265396952629, 0.0060831038281321526, 0.03859705850481987, 0.03557908535003662, 0.057671599090099335, 0.038219813257455826, 0.04458585008978844, -0.03527257218956947, 0.008122594095766544, 0.04291181638836861, 0.013144691474735737, -0.0403418242931366, 0.022740906104445457, -0.019074538722634315, -0.005587967578321695, 0.00848805159330368, 0.012166207656264305, 0.03692302480340004, -0.02735039032995701, 0.02275269478559494, 0.03083992190659046, -0.020607104524970055, 0.027515435591340065, -0.00532861053943634, 0.058567557483911514, -0.004185080993920565, 0.06696129590272903, -0.034022942185401917, 0.020571736618876457, 0.04501025378704071, 0.006336566526442766, -0.0833243727684021, 0.008116699755191803, -0.03942228481173515, -0.004907154943794012, -0.033244870603084564, -0.030627720057964325, -0.027020297944545746, 0.009778942912817001, 0.0004107716085854918, 0.0735631138086319, -0.015337438322603703, -0.04600052535533905, 0.0019879136234521866, 0.0348481684923172, 0.03838485851883888, -0.04192154482007027, 0.0015325649874284863, -0.0033392230980098248, 0.007951654493808746, -0.017506606876850128, -0.01404065266251564, -0.020819304510951042, 0.0032272280659526587, 0.016587067395448685, 0.017412295565009117, -0.003454165533185005, -0.01433537621051073, 0.01940462924540043, -0.01720009371638298, -0.011116989888250828, -0.0013881501508876681, -0.0604066364467144, -0.014936613850295544, 0.05918058380484581, 0.03366927430033684, -0.021196551620960236, -0.029495980590581894, 0.0028573493473231792, -0.03814907744526863, -0.002438841387629509, -0.022870583459734917, -0.03355138376355171, 0.07200697064399719, 0.05418206378817558, 0.029307357966899872, -0.01072205975651741, 0.02591213583946228, -0.049372170120477676, 0.0132036367431283, -0.0008031229954212904, -0.008252272382378578, -0.009083394892513752, 0.010185662657022476, 0.014689045026898384, 0.009649264626204967, -0.033150557428598404, -0.04416144639253616, 0.05295601114630699, 0.030674876645207405, -0.03414083272218704, -0.054606467485427856, -0.0027939837891608477, 0.0032331226393580437, -0.012484509497880936, -0.0008407002897001803, 0.022375447675585747, 0.004341284744441509, 0.06002939119935036, -0.0056203873828053474, 0.006348355673253536, 0.01392276305705309, -0.005534917116165161, 0.02428526058793068, 0.019923344254493713, -0.009389907121658325, 0.0630473643541336, -0.05371050536632538, -0.025039752945303917, -0.02053637057542801, -0.013628038577735424, 0.008900665678083897, -0.033740006387233734, -0.01865013688802719, 0.006383722182363272, 0.01598583161830902, 0.030722033232450485, -0.009826098568737507, 0.021385176107287407, 0.0007847027154639363, -0.050315286964178085, 0.0058237467892467976, 0.01570289582014084, 0.023165307939052582, 0.0204066913574934, -0.03204239532351494, -0.01962861977517605, 0.013368682004511356, 0.022457970306277275, 0.044845208525657654, -0.001983492635190487, -0.03765394166111946, -0.025676356628537178, 0.013026801869273186, -0.027798369526863098, 0.009790732525289059, -0.06267011910676956, -0.0031388108618557453, -0.004815790802240372, 0.014323587529361248, 0.001825815299525857, -0.03642788901925087, -0.005004413891583681, 0.02680809795856476, 0.00934275146573782, 0.019062750041484833, -0.005266718566417694, -0.045128144323825836, 0.021184762939810753, -0.018178578466176987, 0.031217169016599655, -0.02008838951587677, -0.010598275810480118, -0.022811640053987503, 0.04090769588947296, -0.00013824399502482265, 0.012508087791502476, -0.0020011761225759983, 0.003191861091181636, 0.01433537621051073, -0.015361016616225243, 0.003734153462573886, 0.013899184763431549, 0.008258167654275894, 0.0435248427093029, -0.0003674840263556689, 0.06639543175697327, 0.026831675320863724, -0.013003223575651646, 0.0033981679007411003, -0.04008246585726738, -0.000683759746607393, 0.03133505955338478, 0.003958143759518862, 0.0021897994447499514, -0.009737681597471237, 0.014594733715057373, 0.052248675376176834, 0.003268489381298423, -0.024756819009780884, -0.007544935215264559, 0.0049366275779902935, 0.010061877779662609, -0.010215134359896183, -0.024132004007697105, -0.04121420904994011, 0.008611836470663548, -0.0025979923084378242, -0.03246679902076721, 0.02131444215774536, 0.009472429752349854, -0.005767749156802893, -0.03824339061975479, -0.03336276113986969, -0.012225152924656868, 0.01541996095329523, -0.02551131136715412, -0.01426464319229126, 0.037088070064783096, 0.004518119152635336, 0.0063896169885993, 0.011052151210606098, 0.00022177983191795647, -0.008016493171453476, 0.025181220844388008, 0.031853772699832916, 0.02704387716948986, -0.011435291729867458, -0.05955783277750015, 0.03588559851050377, 0.01094605028629303, -0.005688173696398735, 0.018037110567092896, -0.027279656380414963, -0.007981126196682453, 0.011052151210606098, 0.01189506147056818, -0.04758024588227272, 0.049230702221393585, 0.011234879493713379, -0.000365826184861362, 0.0008178591961041093, 0.02013554610311985, -0.027161765843629837, -0.012708500027656555, -0.01656349003314972, -0.01697610318660736, 0.03567339479923248, 0.02487470768392086, 0.028694331645965576, 0.01764807477593422, 0.0039699324406683445, 0.022540492936968803, 0.024143792688846588, -0.011541392654180527, 0.034470923244953156, 0.0391865074634552, 0.020701415836811066, -0.025699935853481293, -0.01801353320479393, -0.010144401341676712, 0.00498673040419817, -0.02130265347659588, -0.03249037638306618, 0.015408172272145748, -0.02176242135465145, 0.020300591364502907, 0.031712304800748825, -0.003504268592223525, 0.02812846191227436, -0.03435303270816803, 0.005104620009660721, -0.006200993433594704, -0.036097798496484756, 0.01049217488616705, -0.015372805297374725, 0.04545823484659195, -0.003949301782995462, 0.003191861091181636, 0.0062245712615549564, 0.00035403724177740514, -0.025110486894845963, 0.026690207421779633, -0.016669590026140213, 0.030226895585656166, -0.0560682974755764, 0.05484224483370781, -0.010562908835709095, -0.0028794538229703903, 0.030368363484740257, -0.016174454241991043, 0.02428526058793068, -0.051399871706962585, 0.01842614635825157, 0.01435895450413227, -0.0033392230980098248, -0.0031594415195286274, 0.011346874758601189, 0.002228113589808345, -0.0018597085727378726, -0.01734156161546707, -0.005585020408034325, 0.009719998575747013, -0.024992598220705986, 0.0033038563560694456, -0.02071320451796055, -0.0055643897503614426, 0.005310927052050829, 0.030274052172899246, -0.02631296031177044, 0.0019672829657793045, 0.008429107256233692, 0.017400506883859634, -0.015195970423519611, -0.013533727265894413, 0.02099614031612873, 0.015856152400374413, 0.012944279238581657, 0.04107274115085602, 0.005322715733200312, -0.014052441343665123, 0.011205407790839672, 0.013533727265894413, 0.005608598235994577, -0.01940462924540043, -0.023365721106529236, 0.01683463715016842, 0.04312402009963989, 0.019935132935643196, -0.02975533716380596, 0.008877087384462357, -0.10383716970682144, -0.025181220844388008, -0.026713784784078598, 0.01732977293431759, -0.05050390958786011, -0.019852610304951668, -0.03664008900523186, -0.012920700944960117, 0.029849648475646973, 0.023589711636304855, 0.011293824762105942, 0.003966985270380974, 0.02026522345840931, -0.0012709973379969597, -0.011476553976535797, -0.0028676646761596203, 0.008476262912154198, -0.0174240842461586, -0.011936322785913944, 0.050220973789691925, -0.0002628569782245904, 0.017141148447990417, 0.04368988797068596, -0.025652779266238213, -0.03574413061141968, 0.00604773685336113, 0.020442059263586998, 0.011623915284872055, 0.00700853718444705, -0.015160603448748589, 0.028057727962732315, -0.00828174501657486, 0.0418979674577713, 0.034966059029102325, -0.000419613323174417, -0.024025902152061462, 0.04802822694182396, -0.021833155304193497, -0.016999682411551476, -0.02753901295363903, -0.005508392117917538, 0.008723830804228783, -0.02871790900826454, 0.0051193563267588615, 0.03366927430033684, -0.006631290540099144, -0.014594733715057373, 0.006914225406944752, -0.005570284090936184, -0.025676356628537178, 0.01846151240170002, -0.008594152517616749, 0.008588258177042007, -0.012295885942876339, 0.001595930545590818, 0.03227817639708519, 0.009849676862359047, 9.928515646606684e-05, 0.0019245478324592113, -0.010380180552601814, 0.020666047930717468, 0.002737986156716943, 0.04795749485492706, 0.001769817783497274, 0.0016887686215341091, -0.00954905804246664, 0.016492756083607674, 0.01783669739961624, -0.02852928638458252, -0.005284401588141918, 0.005042728036642075, 0.02166811004281044, -0.009578530676662922, -0.006743285804986954, 0.023365721106529236, 0.0614912211894989, -0.03913934901356697, 0.012767444364726543, -0.029543137177824974, 0.004960205405950546, -0.02179778926074505, -0.004833473823964596, 0.0011862642131745815, -0.03208955004811287, -0.02208072319626808, -0.011588548310101032, 0.039210084825754166, -0.002488944446668029, -0.0435248427093029, -0.0045770639553666115, -0.0625758022069931, 0.02605360373854637, 0.021114028990268707, 0.00011135041859233752, 0.016893580555915833, -0.0144414771348238, 0.008865298703312874, 0.017942799255251884, -0.04083696007728577, -0.023165307939052582, 0.019310317933559418, 8.975267701316625e-05, 0.016917159780859947, -0.04951363801956177, 0.018579402938485146, -0.015832575038075447, 0.05073968693614006, -0.011747699230909348, -0.01863834820687771, -0.02852928638458252, 0.002453577471897006, -0.001290891203097999, 0.017506606876850128, 0.01266134437173605, -0.01475977897644043, -0.027208922430872917, 0.02090182714164257, 0.02262301556766033, -0.031358636915683746, -0.030910655856132507, -0.019876187667250633, 0.029778916388750076, 0.004854104481637478, -0.00925433449447155, -0.03218386322259903, -0.017447661608457565, -0.012555243447422981, -0.02659589610993862, -0.017659863457083702, 0.03256111219525337, -0.002948713954538107, 0.010557014495134354, 0.04003531113266945, -0.02546415664255619, -0.015785418450832367, -0.006041842512786388, -0.0014706728979945183, -0.04965510219335556, 0.005499550141394138, 0.010480386205017567, 0.010486280545592308, -0.0029118733946233988, 0.014500422403216362, -0.039068616926670074, 0.022564072161912918, 0.019039172679185867, -0.0014338323380798101, 0.0067786527797579765, -0.015266704373061657, 0.01500734779983759, 0.029354512691497803, 0.039752375334501266, -0.03006185032427311, 0.015431749634444714, -0.03626284375786781, 0.008323006331920624, -0.008924243040382862, -0.008334795013070107, 0.029849648475646973, -0.012130840681493282, -0.03286762163043022, -0.012602399103343487, -0.0010639537358656526, -0.01678748056292534, -0.015478906221687794, 0.013109324499964714, -0.02428526058793068, 0.06389617174863815, -0.026147915050387383, -0.0022060093469917774, 0.0034099570475518703, 0.017093993723392487, -0.0299675390124321, 0.0435955785214901, -0.024037690833210945, 0.002136749215424061, -0.004064244218170643, 0.03463596850633621, 0.004715584218502045, 0.02871790900826454, -0.04206301271915436, 0.029826071113348007, -0.0011575286043807864, -0.009354540146887302, 0.02492186427116394, 0.017860276624560356, 0.016693169251084328, 0.015019136480987072, 0.019027383998036385, 0.01126435212790966, -0.015808995813131332, -0.01683463715016842, -0.035225413739681244, 0.013675195164978504, -0.027751214802265167, -0.032207440584897995, 0.054464999586343765, -0.00776303093880415, -0.0029855542816221714, 0.01710578240454197, 0.029991116374731064, 0.006100787315517664, 0.011004995554685593, 0.01922779530286789, 0.05088115483522415, -0.00552018079906702, 0.010244606994092464, 0.02631296031177044, -0.009000871330499649, 0.021326230838894844, 0.016504544764757156, 0.03109927847981453, -0.014594733715057373, 0.038125500082969666, 0.003955196589231491, 0.04529318958520889, 0.02577066794037819, -0.04208659008145332, 0.0053787133656442165, 0.04567043483257294, 0.019428208470344543, 0.030674876645207405, -0.014665467664599419, -0.016233399510383606, 0.0005577651900239289, -0.009696420282125473, 0.010680798441171646, -0.003798992605879903, 0.05380481854081154, -0.006094892974942923, -0.01806068792939186, 0.013073957525193691, 0.004930732771754265, 0.004214553628116846, 0.01833183504641056, 0.02610076032578945, -0.06889469176530838, 0.0011825801339000463, -0.020147334784269333, 0.02690240927040577, 0.005163564812391996, -0.02442672662436962, -0.0182375218719244, -0.014406110160052776, 0.03826696798205376, 0.018626557663083076, -0.01369877252727747, -0.02893011085689068, -0.0058119576424360275, 0.047462355345487595, 0.03982311114668846, 0.020831093192100525, 0.010344813577830791, -0.03173588216304779, -0.0061597321182489395, -0.030439097434282303, 0.006548767909407616, -0.008971399627625942, -0.032655421644449234, 0.008122594095766544, 0.03345707058906555, 0.01406423095613718, 0.032702576369047165, -0.012225152924656868, 0.009295595809817314, 0.02699672058224678, 0.028340661898255348, -0.019605042412877083, -0.02166811004281044, 0.05819031223654747, 0.021231919527053833, -0.011706437915563583, 0.03494248166680336, 0.017223672941327095, 0.027704058215022087, 0.022776272147893906, -0.022599438205361366, 0.02857644110918045, -0.005523128435015678, 0.05517233908176422, 0.005829641129821539, 0.02739754505455494, 0.018838759511709213, 0.02248154953122139, 0.013628038577735424, -0.008676675148308277, 0.038526326417922974, -0.04729731008410454, 0.030580565333366394, -0.014736201614141464, 0.013380470685660839, -0.0214912761002779, 0.002228113589808345, -0.026124337688088417, 0.0209843497723341, 0.010197451338171959, -0.012791022658348083, -0.035461194813251495, -0.014288220554590225, -0.005254929419606924, 0.01964040845632553, 0.016728535294532776, 0.0015296177007257938, 0.03083992190659046, 0.005826693959534168, 0.009666947647929192, -0.033386338502168655, 0.009183600544929504, -0.023094573989510536, -0.00038240442518144846, -0.0015900360886007547, 0.02442672662436962, -0.00659002922475338, 0.027798369526863098, -0.05309747904539108, -0.02152664214372635, 0.000915854936465621, -0.02442672662436962, -0.008435001596808434, 0.0026849359273910522, -0.07115817070007324, 0.02595929242670536, -0.013757717795670033, 0.0005960793350823224, -0.017270827665925026, -0.028647175058722496, 0.015655741095542908, -0.001357204164378345, 0.0451517216861248, -0.0011693175183609128, 0.0034954268485307693, -0.031217169016599655, 0.0214912761002779, 0.03282046690583229, -0.010156190022826195, 0.007821975275874138, 0.012625977396965027, -0.009926305152475834, 0.04225163534283638, -0.003663419745862484, -0.04086053743958473, -0.008016493171453476, -0.028765065595507622, -0.0018140263855457306, 0.0006841281428933144, -0.03616853058338165, 0.04206301271915436, -0.012673133052885532, -0.010191556997597218, 0.011989373713731766, 0.02862359769642353, -0.03687587007880211, -0.0031653360929340124, 0.012449142523109913, 0.025652779266238213, 0.0078809205442667, -0.02284700609743595, 0.018213944509625435, 0.006796335801482201, 0.0014102545101195574, 0.00436781020835042, 0.025794247165322304, -0.015490694902837276, -0.006643079686909914, -0.002378422999754548, -0.0043383375741541386, -0.008558785542845726, -0.022858794778585434, -0.007409362122416496, 0.02419094741344452, 0.010256395675241947, 0.04170934483408928, -0.004992625210434198, 0.024120213463902473, -0.020253434777259827, 0.028458552435040474, -0.01846151240170002, -0.008028282783925533, 0.00017066362488549203, 0.020347746089100838, 0.0073857842944562435, -0.026831675320863724, 0.01756555214524269, -0.015643950551748276, -0.023507189005613327, 0.0013439415488392115, -0.03211313113570213, 0.013604461215436459, -0.012873545289039612, -0.005585020408034325, 0.024132004007697105, -0.013392259366810322, 0.009749471209943295, 0.004971994087100029, 0.020972561091184616, 0.029637448489665985, 0.019652197137475014, -0.00023651603260077536, 0.03416441008448601, 0.013863817788660526, -0.0046654813922941685, -0.0032920674420893192, 0.02307099662721157, 0.03840843588113785, 0.015926886349916458, 0.021243708208203316, 0.0011472132755443454, 0.009407591074705124, -0.017589129507541656, 0.011234879493713379, 0.015820786356925964, 0.002496312605217099, 0.008116699755191803, -0.005944583564996719, -0.0024874708615243435, 0.031759459525346756, -0.027774792164564133, -0.0062363604083657265, -0.006165626458823681, 0.03204239532351494, -0.011429397389292717, -0.023483609780669212, -0.00594753073528409, -0.01945178583264351, -0.003091654973104596, 0.004347179550677538, -0.030863499268889427, 0.002301794709637761, 0.02577066794037819, -0.047698136419057846, 0.040601182729005814, -0.023495398461818695, 0.004777476657181978, -0.00945474673062563, -0.03923366218805313, -0.010733849368989468, -0.010863527655601501, 0.004857052117586136, -0.005307979881763458, 0.0026392536237835884, -0.041237786412239075, 0.010362496599555016, 0.010557014495134354, -0.0011228985385969281, 0.010026511736214161, -0.009507796727120876, -0.015337438322603703, -0.017459452152252197, 0.07936328649520874, -0.01589152030646801, 0.01566752977669239, 0.04126136377453804, 0.03291478008031845, -0.0430532842874527, 0.005137039814144373, 0.01329794805496931, -0.028600020334124565, -0.012012951076030731, -0.03083992190659046, 0.011682860553264618, 0.00047119002556428313, 0.05267307907342911, -0.029543137177824974, 0.005402291193604469, -0.014653678983449936, -0.00647803395986557, -0.020512791350483894, -0.022281136363744736, 0.009725892916321754, 0.014512211084365845, 0.02768048085272312, 0.012401986867189407, 0.006212782580405474, -0.011258457787334919, 0.02763332426548004, -0.01446505542844534, 0.01042733620852232, 0.007704086136072874, -0.005190090276300907, 0.020548159256577492, 0.03638073429465294, -0.02433241531252861, -0.0214912761002779, 0.01964040845632553, 0.01863834820687771, -0.009148233570158482, -0.0022723223082721233, 0.015585006214678288, -0.003707628231495619, 0.03138221427798271, 0.040884118527173996, 0.03987026587128639, 0.009890938177704811, -0.013262581080198288, -0.01732977293431759, -0.00785144791007042, -0.00435602106153965, -0.002351897768676281, -0.04208659008145332, 0.023306775838136673, 0.004146766848862171, -0.008765092119574547, -0.011411714367568493, -0.022198613733053207, -0.015030925162136555, 0.00723252771422267, 0.033150557428598404, 0.02208072319626808, -0.03109927847981453, -0.019805453717708588, -0.005717645864933729, -0.009336857125163078, 0.019605042412877083, -0.014111386612057686, -0.03553192690014839, 0.010580592788755894, -0.00467137573286891, -0.038714949041604996, -0.03336276113986969, 0.018709080293774605, 0.03685229271650314, 0.026124337688088417, 0.001027850084938109, 0.03187735006213188, 0.012849967926740646, -0.022740906104445457, 0.0046743229031562805, 0.03899788483977318, 0.016587067395448685, -0.02636011689901352, 0.006142048630863428, 0.02221040241420269, 0.026265805587172508, -0.034282296895980835, 0.01991155557334423, 0.0046743229031562805, 0.0014441476669162512, 0.006890647578984499, -0.016398444771766663, 0.03164157271385193, 0.01941641792654991, 0.003852043068036437, 0.001719714724458754, 0.010615959763526917, -0.01295606791973114, 0.0062363604083657265, 0.02798699401319027, -0.0022988473065197468, 0.029991116374731064, -0.005903322249650955, 0.010044194757938385, 0.015573217533528805, -0.04255814850330353, -0.04071906954050064, -0.019298529252409935, -0.020548159256577492, 0.010020616464316845, -0.0231535192579031, 0.00805775448679924, 0.034282296895980835, 0.007379889488220215, -0.011959901079535484, -0.008051860146224499, 0.00723252771422267, 0.010798688046634197, -0.04979657009243965, 0.021821366623044014, -0.023908013477921486, 0.012543454766273499, 0.027468279004096985, -0.035508349537849426, 0.008446790277957916, -0.005128197837620974, 0.02496901899576187, -0.009242545813322067, -0.010928367264568806, 0.036946602165699005, 0.02591213583946228, 0.01705862581729889, 0.0332212932407856, 0.00023725283972453326, 0.008205116726458073, -0.02867075242102146, -0.015679318457841873, -0.011346874758601189, -0.026383694261312485, -0.014087808318436146, -0.009991144761443138, -0.03060414269566536, 0.03142936900258064, 0.010621854104101658, -0.029802493751049042, 0.002402000827714801, 0.02008838951587677, -0.049230702221393585, -0.015184181742370129, 0.01085763331502676, 0.01962861977517605, -0.012319464236497879, 0.0034865853376686573, 0.0023710548412054777, 0.01625697687268257, -0.010934261605143547, -0.023082785308361053, 0.0435955785214901, -0.011299719102680683, -0.008499841205775738, 0.014535789377987385, -0.020866461098194122, 0.01295606791973114, -0.03725311532616615, 0.009537269361317158, -0.03223101794719696, -0.024686085060238838, 0.007067481987178326, 0.021656321361660957, 0.020194489508867264, -0.03303267061710358, -0.009749471209943295, -0.025181220844388008, -0.01873265951871872, 0.007975231856107712, 0.018944859504699707, 0.004562328103929758, 0.007138215936720371, 0.04736804589629173, -0.008051860146224499, 0.011647493578493595, 0.02307099662721157, 0.03227817639708519, 0.0016710852505639195, 0.003958143759518862, -0.004196870140731335, -0.0007537566707469523, -0.0059003750793635845, -7.471714525308926e-06, -0.007615668699145317, 0.0040701390244066715, 0.01033891923725605, 0.007368100807070732, 0.027373967692255974, -0.006041842512786388, 0.0017521342961117625, 0.008346584625542164, -0.012897123582661152, 0.02288237400352955, 0.02907157875597477, 0.01778954267501831, 0.05309747904539108, -0.0244738832116127, -0.022410815581679344, -0.005694068036973476, -0.03949302062392235, 0.008128488436341286, -0.006719707977026701, 0.0006509716622531414, 0.021114028990268707, -0.01092247199267149, 0.002561151748523116, 0.006513400934636593, -0.006254043895751238, 0.026430850848555565, 0.004509277641773224, -0.0212554968893528, -0.007179477252066135, -0.001780133112333715, 0.0315944142639637, -0.02610076032578945, 0.012272308580577374, 0.012130840681493282, 0.03029762953519821, -0.0425109937787056, 0.04812254011631012, 0.005794274155050516, 0.02045384794473648, 0.010716165415942669, 0.020277012139558792, -0.02487470768392086, 0.049372170120477676, -0.019581465050578117, -0.017353350296616554, 0.03305624797940254, -0.0014493054477497935, -0.025393422693014145, -0.016315922141075134, 0.03319771587848663, -0.016987893730401993, -0.005708804354071617, 0.006324777379631996, 0.017683440819382668, 0.0028544021770358086, -0.021196551620960236, 0.003934565931558609, -0.02871790900826454, -0.027515435591340065, -0.020477425307035446, -0.022446181625127792, -0.0006074999109841883, 0.03449450060725212, -0.015903308987617493, 0.022599438205361366, -0.004323601257055998, 0.026430850848555565, 0.00903034396469593, 0.0004645587468985468, -0.047061532735824585, -0.011906851083040237, -0.0032360698096454144, -0.01729440502822399, -0.0016195084899663925, 0.025841401889920235, 0.0019613883923739195, 0.02577066794037819, -0.019015593454241753, 0.020618893206119537, -0.01837898977100849, -0.0264072734862566, 0.027256077155470848, -0.006725602317601442, -0.00479810731485486, 0.016410233452916145, 0.015266704373061657, 0.014134963974356651, -0.008629519492387772, 0.012767444364726543, 0.022505126893520355, -0.006696129683405161, -0.014535789377987385, -0.02090182714164257, 0.03800760954618454, -0.002617149380967021, -0.012166207656264305, -0.021774211898446083, 0.015997620299458504, 0.029047999531030655, 0.024355992674827576, 0.011629809625446796, 0.02048921398818493, 0.02591213583946228, 0.048994921147823334, 0.002422631485387683, 0.03050983138382435, 0.013451204635202885, -0.007397572975605726, -0.025228377431631088, 0.019876187667250633, 0.01246093213558197, 0.03352780640125275, 0.0010057457257062197, -0.008894771337509155, 0.01455936674028635, -0.004288234747946262, 0.03140579164028168, -0.0022782166488468647, -0.00032290699891746044, 0.002907452406361699, -0.017978165298700333, 0.03317413479089737, -0.007715874817222357, -0.017259038984775543, 0.004055402707308531, 0.01678748056292534, 0.05375766381621361, 0.016669590026140213, -0.00756261870265007, -0.01214263029396534, -0.03772467374801636, 0.02004123292863369, 0.009154127910733223, 0.027161765843629837, 0.018390778452157974, -0.004904207773506641, 0.041190627962350845, 0.01010903436690569, -0.03145294636487961, -0.02184494398534298, -0.022410815581679344, -0.038172654807567596, 0.008323006331920624, 0.005228404421359301, 0.042275212705135345, 0.0004955047625117004, 0.01715293899178505, -0.0005632913089357316, 0.043949246406555176, -0.016044775024056435, -0.015962252393364906, 0.02541700005531311, 0.005711751524358988, -0.01406423095613718, -0.007049798499792814, 0.008971399627625942, -0.014948402531445026, 0.012472720816731453, -0.00447096349671483, 0.03506036847829819, -0.002010017866268754, -0.0011472132755443454, 0.036993760615587234, 0.03498963639140129, 0.030391940847039223, 0.0024579984601587057, -0.01629234477877617, -0.001458883984014392, 0.03725311532616615, -0.01967577636241913, 0.01148834265768528, 0.008505735546350479, -0.039799533784389496, -0.029189467430114746, 0.020123755559325218, 0.019746510311961174, -0.009248440153896809, 0.03675797954201698, -0.053238946944475174, -0.006265832576900721, -0.010020616464316845, -0.001850866829045117, 0.004939574748277664, -0.0029663972090929747, 0.0233892984688282, -0.023141730576753616, 0.0058119576424360275, 0.00819332804530859, 0.015549639239907265, -0.03208955004811287, -0.0072855777107179165, -0.03845559060573578, 0.016056565567851067, -0.005254929419606924, 0.01651633530855179, -0.006354250013828278, -0.016103720292448997, 0.006713813170790672, -0.022552281618118286, 0.012401986867189407, 0.019510731101036072], "fbae5f18-728a-4c9e-a69a-4dcc99522076": [0.016206063330173492, 0.016517717391252518, 0.003384574083611369, 0.04368157312273979, -0.02343646064400673, 0.004780788440257311, 0.02827334776520729, 0.011144785210490227, -0.010378113947808743, 0.043731439858675, 0.025829970836639404, -0.03338449075818062, -0.03308530151844025, -0.014560524374246597, 0.04191137105226517, -0.005108026321977377, -0.0021737939678132534, 0.012017419561743736, -0.03677529841661453, 0.01732802204787731, 0.06198195740580559, 0.06427574157714844, 0.04732170328497887, 0.01036564726382494, 0.0287221297621727, -0.02227710373699665, -0.008819838054478168, -0.007903572171926498, -0.0091626588255167, -0.03702462092041969, 0.03343435376882553, -0.009062929078936577, -0.014535591937601566, -0.04854339361190796, -0.0019868009258061647, -0.0047839051112532616, -0.04176177829504013, -0.02702672779560089, 0.00107209337875247, 0.022090110927820206, -0.0026833501178771257, -0.03901921212673187, 0.014722584746778011, -0.025181729346513748, 0.009006830863654613, 0.0416371151804924, -0.030791519209742546, -0.013338836841285229, -0.02318713627755642, 0.01882396638393402, -0.06597114354372025, 0.035653337836265564, 0.008395987562835217, 0.007660481613129377, 0.02814868465065956, -0.01252853311598301, -0.03226253017783165, -0.013164309784770012, -0.017465149983763695, -0.010147488676011562, 0.03562840819358826, 0.012540999799966812, -0.02482020854949951, 0.03134003281593323, -0.021878184750676155, -0.010446677915751934, -0.015956738963723183, 0.009330952540040016, -0.014149139635264874, 0.03375847637653351, 0.033209964632987976, 0.017751872539520264, 0.023374129086732864, -0.01686677150428295, -0.046823058277368546, -0.029993683099746704, 0.03435685485601425, -0.004213576205074787, 0.010808197781443596, -0.020868422463536263, 0.006457492709159851, -0.011817960068583488, -0.021716125309467316, 0.06637006253004074, 0.022002847865223885, 0.007055870722979307, -0.048817649483680725, -0.023249467834830284, -0.04610001668334007, -0.08472031354904175, -0.046523869037628174, 0.04859325662255287, -0.03355901688337326, 0.04585069417953491, 0.01960933580994606, 0.009648840874433517, 0.008152896538376808, 0.007878639735281467, 0.007261563092470169, 0.010565106756985188, 0.05066264793276787, -0.007691646926105022, -0.011955088004469872, -0.02190311811864376, 0.08043193817138672, -0.04420515522360802, -0.03213787078857422, 0.034955233335494995, 0.010770798660814762, 0.016767041757702827, -0.0478702187538147, -0.008863469585776329, -0.006794080138206482, 0.008059400133788586, 0.045900557190179825, 0.024795277044177055, 0.02660287544131279, -0.05515047907829285, -0.013538296334445477, 0.009835833683609962, -0.03044246695935726, 0.007766444236040115, 0.003169531933963299, -0.03168908506631851, -0.019634269177913666, -0.01432366669178009, 0.018462445586919785, -0.027874428778886795, -0.06851425021886826, -0.013488431461155415, 0.0378723219037056, 0.017764339223504066, 0.007492187898606062, -0.002910858253017068, 0.0018512310925871134, -0.011431507766246796, -0.04063982143998146, -0.021167611703276634, -0.03919374197721481, -0.042360156774520874, -0.029096117243170738, -0.028672264888882637, 0.014248869381844997, 0.019335079938173294, -0.006339063867926598, -0.007074569817632437, -0.002602319698780775, 0.004216692876070738, -0.0035030029248446226, 0.003970485646277666, 0.006360879633575678, 0.0420609675347805, -0.001682937378063798, 0.01852477714419365, -0.005918329581618309, -0.03323489427566528, 0.0358029343187809, 0.050188932567834854, -0.03450644761323929, 0.058940205723047256, -0.002176910638809204, -0.011026356369256973, -0.0072864955291152, -0.0060118259862065315, 0.02430909499526024, -0.015009308233857155, -0.006320364773273468, -0.03306036815047264, -0.024383891373872757, -0.04106367006897926, -0.011599801480770111, -0.005834182724356651, -0.0395677275955677, -0.0022345667239278555, 0.009231222793459892, 0.016916636377573013, 0.012092215940356255, -0.06641992926597595, 0.02702672779560089, -0.013288971967995167, -0.016393056139349937, 0.009592742659151554, -0.053604669868946075, 0.0016143731772899628, 0.01882396638393402, 0.009268621914088726, -0.01070223469287157, -4.6431734517682344e-05, -0.010770798660814762, -0.0337086096405983, -0.024807743728160858, 0.008738808333873749, -0.010396813042461872, -0.0882607102394104, -0.045775894075632095, -0.04585069417953491, 0.04816940799355507, -0.04811954125761986, -0.00289371726103127, -0.0023171554785221815, 0.030841384083032608, -0.01274045929312706, 0.0028983920346945524, 0.0005843532271683216, -0.002938907127827406, -0.0333096943795681, -0.013837484642863274, 0.021180078387260437, -0.0059806606732308865, -0.05046318843960762, 0.056097909808158875, -0.00022536556934937835, 0.021292272955179214, 0.02784949541091919, -0.01124451495707035, 0.0507873073220253, -0.03966745734214783, 0.005852882284671068, -0.05380412936210632, 0.015158901922404766, -0.002527522621676326, 0.0470474474132061, 0.0433075875043869, 0.002661534119397402, -0.023137271404266357, 0.039368268102407455, 0.012260510586202145, 0.030417533591389656, 0.03176388517022133, -0.005587975028902292, -0.0206066332757473, 0.03350915387272835, 0.03186361491680145, -0.012484901584684849, 0.07798856496810913, -0.040191035717725754, 0.019409876316785812, 0.03450644761323929, -0.046523869037628174, -0.02951996773481369, -0.02697686292231083, 0.036700498312711716, 0.0280988197773695, 0.011855358257889748, 0.017078697681427002, -0.017390351742506027, -0.020930754020810127, -0.05594831705093384, 0.02777469903230667, -0.03138989955186844, -0.011200882494449615, -0.012964850291609764, 0.025293923914432526, -0.034082598984241486, -0.04979001358151436, -0.026403415948152542, 0.024708013981580734, 0.01432366669178009, -0.003143041394650936, -0.03363381326198578, 0.01193015556782484, -0.03473084047436714, -0.02014538273215294, -0.05400358885526657, 0.009037996642291546, 0.015931807458400726, 0.05011413246393204, -0.006071040406823158, -0.023461392149329185, -0.0065447562374174595, -0.00797213613986969, 0.00974233727902174, -0.015607685782015324, -0.007062103599309921, -0.05884047597646713, 0.01811339147388935, 0.007897338829934597, -0.02160392887890339, 0.01927274838089943, -0.015632618218660355, -0.016667312011122704, -0.005918329581618309, 0.006550989579409361, 0.03864522650837898, 0.006762914825230837, -0.003241212572902441, -0.01727815717458725, 0.01007269136607647, -0.0005917550297454, 0.04021596908569336, 0.043531980365514755, -0.02610422857105732, -0.036151986569166183, 0.01610633358359337, 0.02489500679075718, -0.002052248688414693, -0.016380589455366135, -0.009866999462246895, -0.007691646926105022, -0.00938705075532198, -0.0057999007403850555, 0.013725289143621922, -0.026203958317637444, 0.0218532532453537, -0.023660851642489433, 0.009798435494303703, 0.024832675233483315, 0.03380833938717842, 0.01674211025238037, -0.05774344876408577, 0.006348413415253162, 0.0026677672285586596, 0.04208590090274811, -0.016093866899609566, -0.01193015556782484, -0.05824209749698639, 0.017041299492120743, -0.006737982388585806, 0.006030525546520948, -0.0079098055139184, 0.0017374770250171423, -0.003384574083611369, -0.00824015960097313, -0.030168209224939346, -0.021516665816307068, -0.008339889347553253, 0.04821927100419998, 0.00714936712756753, -0.017602277919650078, 0.00795343704521656, -0.039692386984825134, -0.06003723293542862, -0.021591462194919586, -0.03423219174146652, -0.013239107094705105, 0.005404098890721798, -0.009636374190449715, -0.030342737212777138, -0.01907328888773918, -0.020369775593280792, -0.01882396638393402, -0.0037180448416620493, -0.024196898564696312, 0.012671894393861294, 0.010889227502048016, -0.0790855884552002, 0.0491168387234211, 0.03834603726863861, 0.0005707183154299855, 0.013288971967995167, 0.0023483207914978266, 0.06776627898216248, -0.06686870753765106, 0.0287221297621727, 0.02078115940093994, 0.03345928713679314, -0.007012238726019859, -0.024745412170886993, -0.005404098890721798, -0.006145837716758251, -0.05365453660488129, 0.013039647601544857, 0.01061497163027525, 0.007105735596269369, -0.0010159955127164721, 0.0033908069599419832, -0.09459354728460312, -0.04021596908569336, 0.0022594991605728865, 0.008539348840713501, 0.01429873425513506, -0.025156795978546143, 0.01635565795004368, 0.016555117443203926, -0.06108439341187477, -0.019297681748867035, 0.008956966921687126, 0.0287221297621727, -0.009362118318676949, 0.03458124399185181, 0.06686870753765106, -0.01944727636873722, -0.02156653068959713, -0.059887636452913284, 0.03984198346734047, 0.03542894870042801, 0.005700170993804932, -0.0037086952943354845, -0.014211471192538738, 0.009854532778263092, 0.03335955739021301, 0.01656758226454258, 0.026652740314602852, 0.0020709477830678225, 0.04732170328497887, 0.010527707636356354, -0.006379579193890095, 0.04811954125761986, 0.03398286923766136, -0.047197043895721436, 0.04896724224090576, -0.0345563143491745, -0.026827268302440643, 0.017178427428007126, -0.012565932236611843, 0.03313516452908516, -0.014460794627666473, 0.011543703265488148, 0.04796994850039482, -0.0075669847428798676, 0.06896302849054337, -0.04116339981555939, 0.06941181421279907, -0.01857464201748371, 0.05066264793276787, -0.03512975946068764, 0.028622400015592575, 0.05325561761856079, 0.014847246930003166, -0.04936616122722626, 0.004980247933417559, -0.023498792201280594, -0.015495489351451397, -0.016181129962205887, -0.038495633751153946, 0.008003301918506622, -0.0024651915300637484, 0.006638252642005682, 0.10501529276371002, 0.0013868650421500206, -0.033534083515405655, 0.017876533791422844, 0.012765391729772091, 0.04672332853078842, -0.026652740314602852, 0.016667312011122704, -0.009885698556900024, -0.003496769815683365, -0.035703204572200775, -0.016891704872250557, -0.028123753145337105, -0.012403871864080429, 0.009879465214908123, 0.02364838682115078, -0.02951996773481369, -0.013488431461155415, 0.03592759370803833, 0.03667556867003441, -0.010371880605816841, -0.006476192269474268, -0.03727394714951515, -0.0006229205755516887, 0.03208800405263901, 0.05126102641224861, -0.019808795303106308, -0.02003318816423416, 0.0035902662202715874, -0.03809671476483345, -0.004250974860042334, -0.04570109769701958, -0.04193630442023277, 0.0687137097120285, 0.05380412936210632, 0.033409424126148224, 0.0052358051761984825, 0.05076237767934799, -0.04644906893372536, 0.01674211025238037, -0.011169717647135258, -0.018499843776226044, -0.014423396438360214, 0.014024477452039719, 0.007411157246679068, 0.027824563905596733, -0.023261934518814087, -0.024882540106773376, 0.0549510195851326, -0.005051928572356701, -0.04901710897684097, -0.03530428558588028, 0.007012238726019859, -0.0013954355381429195, -0.030467398464679718, 0.0035622173454612494, 0.02539365366101265, 0.012403871864080429, 0.061433445662260056, -0.010783265344798565, -0.01606893539428711, 0.00424785865470767, -0.0004324213950894773, 0.024708013981580734, 0.04562630131840706, -0.011113619431853294, 0.036151986569166183, -0.046823058277368546, -0.05225832015275955, -0.008508183062076569, 0.0006712271133437753, -0.004060865379869938, -0.04418022185564041, 0.002566479379311204, 0.03323489427566528, -0.0022984561510384083, 0.03488043323159218, -0.0046467771753668785, 0.03448151424527168, -0.014809848740696907, -0.01463532168418169, -0.03173895180225372, 0.013351302593946457, 0.011350477114319801, -0.0007542052771896124, -0.015620151534676552, -0.02959476411342621, 0.01732802204787731, 0.04116339981555939, 0.02268848940730095, -0.009835833683609962, -0.024907471612095833, -0.0037523270584642887, 0.01619359664618969, -0.006407628301531076, 0.0076667144894599915, -0.06527303904294968, 0.016293326392769814, 0.0010159955127164721, 0.011288146488368511, 0.01603153720498085, -0.03064192645251751, 0.002180027076974511, 0.019871126860380173, -0.0060118259862065315, 0.029096117243170738, -0.006850178353488445, -0.03635144606232643, 0.025081999599933624, -0.016380589455366135, 0.007255329750478268, -0.05136075243353844, -0.003724277950823307, -0.042160697281360626, 0.0193600133061409, -0.01836271584033966, 0.015345895662903786, -0.009817134588956833, 0.029195846989750862, -0.007816309109330177, -0.019222883507609367, -0.0145729910582304, -0.011724463663995266, -0.008022001013159752, 0.05340521037578583, 0.002850085496902466, 0.05230818688869476, 0.018761634826660156, -0.04021596908569336, -0.0034282056149095297, -0.02218984067440033, -0.004297723527997732, 0.022875482216477394, -0.0009739220840856433, -0.005257620941847563, 0.00592144625261426, -0.0012364914873614907, 0.051859401166439056, -0.002002383815124631, -0.028198549523949623, 0.0036432477645576, 0.02702672779560089, 0.005382283125072718, 0.00025516757159493864, -0.033957935869693756, -0.0886596292257309, 0.031913477927446365, -0.02202777937054634, -0.045102719217538834, 0.010914159938693047, 0.0029560483526438475, -0.009056695736944675, -0.040116239339113235, -0.03597746044397354, -0.014473261311650276, 0.017452683299779892, -0.017228292301297188, -0.01559521909803152, 0.01153123751282692, 0.007803842891007662, -0.00969870574772358, 0.01573234796524048, 0.0044815996661782265, -0.014460794627666473, 0.03430698812007904, 0.05649682879447937, 0.02286301553249359, 0.011761861853301525, -0.03410752862691879, 0.013650491833686829, 0.009885698556900024, -0.007012238726019859, 0.009443148039281368, -0.03181374818086624, -0.018350249156355858, 0.021516665816307068, 0.018075993284583092, -0.04600028693675995, 0.033957935869693756, 0.014897111803293228, 0.008632845245301723, 0.0009489896474406123, 0.01869930326938629, -0.020681429654359818, -0.03168908506631851, -0.014473261311650276, -0.01694156974554062, 0.023972507566213608, 0.012597098015248775, 0.02444622293114662, 0.03797205165028572, 0.020793626084923744, 0.005407215096056461, 0.0324619896709919, -0.02544351853430271, 0.016978967934846878, 0.050936903804540634, 0.031664155423641205, -0.046149879693984985, -0.007648015394806862, -0.010621204040944576, -0.011624733917415142, -0.03313516452908516, -0.018811499699950218, 0.01656758226454258, -0.014435862191021442, 0.01370035670697689, 0.02647821418941021, 0.0016751459334045649, 0.03273624926805496, -0.031290169805288315, 0.004512765444815159, 0.030542196705937386, -0.037323810160160065, 0.02031991071999073, -0.020245112478733063, 0.06008709594607353, -0.008900868706405163, 0.0151963010430336, 0.009187591262161732, 0.014124207198619843, -0.016293326392769814, 0.015707414597272873, -0.03076658770442009, 0.025431053712964058, -0.050363458693027496, 0.038071781396865845, 0.012914985418319702, 0.0021644444204866886, 0.031290169805288315, -0.053106021136045456, 0.022825617343187332, -0.028747063130140305, 0.003334709210321307, 0.0016876121517270803, -0.009212523698806763, -0.009062929078936577, 0.013974612578749657, 0.013588160276412964, -0.014435862191021442, -0.01927274838089943, -0.017789270728826523, -0.005538110621273518, -0.022389300167560577, 0.0002715294831432402, -0.006619553547352552, -0.020369775593280792, 0.0009147076052613556, 0.01494697667658329, -0.0016626797150820494, -0.0037959585897624493, 0.03884468600153923, 0.006663185078650713, 0.010758332908153534, -0.006644485983997583, 0.014772449620068073, 0.002666209125891328, 0.0018995376303792, 0.04457914084196091, -0.008788672275841236, -0.009013064205646515, 0.04151245579123497, 0.00938705075532198, 0.013413634151220322, -0.026328619569540024, -0.00458132941275835, 3.4355100069660693e-05, 0.025829970836639404, 0.008670243434607983, -0.019709065556526184, 0.02430909499526024, -0.10551393777132034, -0.01873670145869255, -0.011138551868498325, 0.002968514570966363, -0.03363381326198578, 0.0005539668491110206, -0.05026372894644737, -0.012989782728254795, 0.0303926020860672, 0.02039470709860325, -0.0006661626975983381, -0.02505706623196602, 0.008489483967423439, -0.012248043902218342, 0.0029139749240130186, 0.009817134588956833, -0.008321190252900124, -0.004550164099782705, -0.004384986590594053, 0.054153185337781906, 0.0025508967228233814, 0.018213121220469475, 0.04988974332809448, -0.02514433115720749, -0.025555714964866638, -0.004101380705833435, 0.006164537277072668, 0.004818187095224857, 0.015408226288855076, -0.005170357413589954, 0.06467466056346893, 0.013750221580266953, 0.04231029003858566, 0.033409424126148224, 0.008371055126190186, -0.035329218953847885, 0.04779541864991188, -0.02210257761180401, -0.026752470061182976, -0.015158901922404766, -0.009087861515581608, -0.009773503057658672, -0.03717421740293503, 0.012653195299208164, 0.03306036815047264, 0.005279436707496643, -0.012191945686936378, -0.015171368606388569, 0.003291077446192503, -0.01820065639913082, 0.0015785328578203917, -0.021205009892582893, 0.010527707636356354, -0.030666857957839966, 0.005344884470105171, 0.05395372584462166, -0.0004955315380357206, -0.018262986093759537, 0.014136673882603645, -0.01124451495707035, 0.032536789774894714, 0.0028360611759126186, 0.035329218953847885, -0.008907102048397064, 0.004609378520399332, -0.027375780045986176, 0.02802402339875698, 0.009704938158392906, -0.03485550358891487, 0.0074797216802835464, -0.010752099566161633, 0.017963796854019165, -0.005740686319768429, 0.0034313222859054804, 0.03343435376882553, 0.04667346179485321, -0.040739551186561584, 0.01092662662267685, -0.0038832221180200577, 0.01159356813877821, -0.02752537466585636, -0.008981898427009583, 0.002790871076285839, -0.020793626084923744, -0.004896101076155901, -0.025206660851836205, 0.032287463545799255, -0.002130162436515093, -0.021616395562887192, -0.020918287336826324, -0.04988974332809448, 0.01665484718978405, -0.017926398664712906, 0.01574481464922428, 0.002938907127827406, 0.00017871470481622964, -0.008688943460583687, 0.03884468600153923, -0.0399666465818882, 0.012721759267151356, 0.03824630752205849, 0.02473294548690319, 0.01432366669178009, -0.03842083737254143, -0.013039647601544857, -0.001835648319683969, 0.03350915387272835, -0.008769973181188107, -0.0023545539006590843, -0.014996841549873352, -0.0027098406571894884, -0.023012610152363777, -0.013351302593946457, 0.015495489351451397, -0.0009139284957200289, -0.01927274838089943, 0.016081402078270912, 0.017726939171552658, -0.0407894141972065, -0.017290621995925903, -0.00882607139647007, -0.0027004911098629236, -0.005092443898320198, -0.01939741149544716, -0.03360888361930847, -0.02035730890929699, -0.02514433115720749, -0.008614146150648594, -0.021130213513970375, 0.03729887679219246, -0.014199004508554935, 0.01007269136607647, 0.017178427428007126, 0.0003085385251324624, -0.021342137828469276, -0.0055536930449306965, 0.02015784941613674, -0.04699758440256119, -0.009898164309561253, 0.009817134588956833, 0.002574270823970437, -0.023972507566213608, 0.015645084902644157, -0.03256171941757202, 0.016093866899609566, 0.03941813111305237, 0.0010339156724512577, 0.002712957328185439, -0.0293454397469759, 0.015021773986518383, 0.009224989451467991, 0.031290169805288315, -0.01032824907451868, 0.008096798323094845, -0.04796994850039482, -0.0019182369578629732, -0.002502590185031295, 0.01005399227142334, 0.0391438752412796, -0.0026677672285586596, -0.012914985418319702, -0.008059400133788586, -0.008975666016340256, -0.010664836503565311, -0.01752748154103756, 0.018873831257224083, -0.032661449164152145, 0.03343435376882553, -0.023423993960022926, -0.022875482216477394, -0.018462445586919785, 0.0047340402379632, -0.015183834359049797, 0.0354040153324604, -0.01611880026757717, -0.001372061436995864, -0.010234752669930458, 0.056596558541059494, -0.00030620110919699073, 0.03231239691376686, -0.04467887058854103, 0.02902131900191307, -0.024882540106773376, -0.014996841549873352, -0.012584631331264973, 0.004805720876902342, 0.014510659500956535, 0.015096571296453476, 0.025805039331316948, 0.02352372370660305, -0.0015956739662215114, -0.01749008148908615, -0.04375636950135231, 0.02884679287672043, -0.01815079152584076, -0.029121048748493195, 0.06178249791264534, -0.00999166164547205, 0.03188854455947876, 0.02535625547170639, 0.012653195299208164, -0.022962745279073715, -0.008720108307898045, 0.004222926218062639, 0.042659346014261246, -0.0077228122390806675, 0.0038676392287015915, 0.0024013023357838392, -0.011786794289946556, -0.009592742659151554, 0.015233699232339859, 0.020868422463536263, -0.025879835709929466, 0.045401908457279205, 0.004503415431827307, 0.030467398464679718, 0.033409424126148224, -0.035154689103364944, 0.01653018407523632, 0.043606776744127274, -0.0003410674980841577, -0.007610616739839315, -0.0155079560354352, 0.0046218447387218475, -0.025244060903787613, -0.017091164365410805, 0.01973399892449379, -0.0029482569079846144, 0.04567616432905197, -0.01401201169937849, -0.018262986093759537, -0.01001036074012518, 0.008115497417747974, 0.017290621995925903, 0.007884873077273369, 0.026503145694732666, -0.049191635102033615, -0.008713875897228718, -0.020132917910814285, 0.025431053712964058, 0.014024477452039719, -0.02131720632314682, -0.02531885728240013, -0.006656952202320099, 0.049191635102033615, 0.008707642555236816, -0.002315597143024206, 0.003281727898865938, 0.013513363897800446, 0.030542196705937386, 0.0461997464299202, 0.02147926762700081, -0.0017312439158558846, -0.02573024109005928, -0.0038769890088588, -0.01407434232532978, -0.004039049614220858, -0.012565932236611843, -0.022700954228639603, 0.02003318816423416, -0.001633072504773736, 0.011718230322003365, 0.02218984067440033, -0.015470556914806366, 0.010047758929431438, 0.02140446938574314, 0.01927274838089943, -0.027500443160533905, -0.010976491495966911, 0.0374734029173851, 0.0395427942276001, -0.01467271987348795, 0.04694771766662598, 0.032162804156541824, 0.020083053037524223, 0.018848897889256477, -0.023910176008939743, 0.01553288847208023, 0.009324719198048115, 0.06437546759843826, 0.012397638522088528, 0.02772483415901661, -0.0026256937999278307, 0.040988873690366745, 0.01877410151064396, -0.007997068576514721, 0.025780105963349342, -0.05445237085223198, 0.03076658770442009, -0.0005228013615123928, 0.02002072148025036, -0.016093866899609566, 0.011780560947954655, -0.029470102861523628, 0.021678725257515907, 0.008508183062076569, -0.0428837351500988, -0.02402237243950367, 0.018549708649516106, 0.0324619896709919, 0.019709065556526184, 0.02690206468105316, -0.008757507428526878, 0.03435685485601425, 0.02697686292231083, 0.017726939171552658, -0.019995788112282753, -0.00039891849155537784, -0.04383116960525513, 0.008439619094133377, -0.013214174658060074, 0.015146436169743538, -0.017677074298262596, 0.02085595764219761, -0.028871724382042885, -0.039069078862667084, -0.02223970554769039, -0.0199833232909441, -0.008208994753658772, 0.002608552807942033, -0.043033331632614136, 0.030616993084549904, -0.014809848740696907, -0.021167611703276634, -0.009767269715666771, -0.021915584802627563, 0.010758332908153534, 0.0038364739157259464, 0.04218563064932823, 0.019422343000769615, 0.002119254320859909, -0.0008126405882649124, 0.008950733579695225, 0.0177020076662302, 0.015096571296453476, 0.016143731772899628, 0.026253823190927505, -0.011624733917415142, 0.026079295203089714, -0.03420725837349892, -0.03675036504864693, -0.0052108727395534515, -0.020681429654359818, -0.0006716166390106082, -0.010166187770664692, -0.0316392220556736, 0.04143765568733215, -0.014622855931520462, -0.01182419341057539, 0.022127509117126465, 0.023598521947860718, -0.029719427227973938, -0.008059400133788586, 0.006868877448141575, -0.0018808383028954268, 0.013874883763492107, -0.024346493184566498, 0.0009006831096485257, -0.00099417963065207, -0.013837484642863274, 0.018886296078562737, 0.016717176884412766, -0.0025695960503071547, 0.001185847562737763, -0.01694156974554062, -0.006401394959539175, -0.010396813042461872, -0.027300983667373657, -0.021292272955179214, 0.025493383407592773, 0.011793027631938457, 0.03383327275514603, -0.0034032731782644987, 0.030317803844809532, -0.02223970554769039, 0.019173018634319305, -0.022676022723317146, -0.022875482216477394, 0.016293326392769814, 0.009985428303480148, -0.007436089683324099, -0.039742253720760345, -0.0036899959668517113, -0.0420609675347805, -0.02690206468105316, -0.011213349178433418, -0.010808197781443596, 0.015420692041516304, -0.02139200270175934, -0.008695175871253014, 0.013974612578749657, 0.01192392222583294, -0.004182410892099142, 0.003992301411926746, 0.028073888272047043, 0.020494436845183372, 0.0057188705541193485, -0.022252172231674194, 0.02035730890929699, -0.000766281911637634, 0.006049224641174078, -0.002169119194149971, 0.00699353963136673, 0.007336359936743975, 0.008071865886449814, 0.028821859508752823, -0.014498193748295307, -0.005348000675439835, -0.018836431205272675, 0.022464096546173096, 0.018724236637353897, 0.006373345851898193, 0.008090564981102943, -0.03201320767402649, 0.019721532240509987, 0.03463111072778702, -0.0287221297621727, 0.01121958252042532, -0.01773940585553646, 0.03213787078857422, -0.020095517858862877, -0.02314973808825016, 0.012266742996871471, -0.016841839998960495, -0.006367112975567579, -0.005413448438048363, -0.022127509117126465, 0.03575306758284569, 0.022501494735479355, -0.012977316975593567, 0.04118833318352699, -0.01964673586189747, 0.0021644444204866886, -0.02243916504085064, -0.043856099247932434, -0.02573024109005928, -0.0019042124040424824, 0.020245112478733063, -0.013176776468753815, 0.009069162420928478, -0.03552867844700813, 0.0030869434121996164, -0.01685430482029915, -0.0011546820169314742, 0.0020818558987230062, -0.020581699907779694, -0.023087406530976295, -0.03425712510943413, 0.08192788064479828, -0.017215825617313385, 0.02455841936171055, 0.03767286241054535, 0.042110830545425415, -0.061433445662260056, 0.0024729829747229815, 0.019621802493929863, -0.03919374197721481, -0.022015312686562538, -0.039617590606212616, 0.03076658770442009, -0.004201110452413559, 0.0378723219037056, -0.010029059834778309, 0.01686677150428295, -0.0011048171436414123, 0.022663556039333344, -0.010689768940210342, -0.026877133175730705, 0.011992487125098705, 0.0021332788746804, 0.04607508331537247, 0.015757279470562935, 0.002072506118565798, -0.004830653313547373, 0.02710152417421341, 0.0015045148320496082, 0.01305211428552866, 0.014485727064311504, -0.0016751459334045649, 0.006046107970178127, 0.02131720632314682, -0.01559521909803152, -0.027924293652176857, 0.025755174458026886, 0.011275679804384708, -6.135708827059716e-05, -0.0035622173454612494, 0.002449608873575926, -0.01677950844168663, 0.011942622251808643, 0.028447873890399933, 0.03076658770442009, 0.015682483091950417, 0.008988131769001484, -0.00397671852260828, 0.004369404166936874, 0.02265108935534954, -0.024795277044177055, -0.031240303069353104, 0.033409424126148224, 0.005918329581618309, -0.02410963550209999, -0.015931807458400726, -0.025929700583219528, -0.005176590755581856, 0.003696229076012969, 0.05021386221051216, 0.023673318326473236, -0.03134003281593323, -0.014585456810891628, -0.007205464877188206, -0.020868422463536263, 0.02110528014600277, -0.022127509117126465, -0.013712822459638119, 0.012952384538948536, -0.014211471192538738, -0.024882540106773376, -0.03560347482562065, 0.012584631331264973, 0.00714936712756753, 0.021516665816307068, 0.006906276103109121, 0.04418022185564041, 0.013488431461155415, -0.024745412170886993, 0.017427751794457436, 0.03134003281593323, 0.018761634826660156, -0.02765003778040409, 0.01401201169937849, -0.010047758929431438, 0.01367542427033186, -0.00484935287386179, 0.024097168818116188, -0.007685414049774408, -0.00393308699131012, 0.00415436178445816, -0.015233699232339859, 0.01710362918674946, 0.019596870988607407, 0.019758930429816246, -0.015283564105629921, -0.015034239739179611, -8.565644384361804e-05, 0.0007951099541969597, 0.016206063330173492, -0.021578997373580933, 0.009243689477443695, -0.027126455679535866, -0.004313305951654911, -0.011587334796786308, -0.029420237988233566, -0.037199147045612335, -0.022139975801110268, -0.022376833483576775, -0.011113619431853294, -0.011456440202891827, 0.018425047397613525, 0.014847246930003166, -0.0074547892436385155, -0.01157486904412508, -0.02827334776520729, 0.005404098890721798, 0.0011468905722722411, -0.021242408081889153, 0.0142613360658288, -0.04567616432905197, 0.013538296334445477, 0.03388313949108124, -0.04866805300116539, -0.009898164309561253, -0.01219817902892828, 0.019297681748867035, 0.004004767630249262, -0.021641327068209648, 0.01132554467767477, 0.014161606319248676, 0.024745412170886993, 0.023124804720282555, 0.020307444036006927, 0.008788672275841236, -0.029769292101264, 0.008015768602490425, -0.0041637117974460125, -0.021641327068209648, -0.009524178691208363, -0.010041526518762112, -0.03168908506631851, 0.0010066458489745855, 0.006089739967137575, -0.018711769953370094, 0.024832675233483315, 0.01463532168418169, -0.03572813794016838, -0.033035434782505035, 0.020245112478733063, 0.03822137787938118, 0.0014351715799421072, 0.02293781191110611, -0.006775381043553352, 0.03667556867003441, -0.012304142117500305, -0.03729887679219246, 0.03867015987634659, -0.00313836638815701, 0.0014484168495982885, 0.02902131900191307, -0.033534083515405655, 0.010484076105058193, -0.0462246797978878, 0.0018340899841859937, -0.012079750187695026, -0.01649278588593006, 0.006339063867926598, 0.020831024274230003, 0.021466800943017006, -0.005840416066348553, -0.019160553812980652, -0.01030331663787365, -0.029245711863040924, 0.017016366124153137, 0.03218773379921913, 0.0018153907731175423, -0.00011346192331984639, 0.021616395562887192, -0.01628085970878601, 0.01648031920194626, 0.024807743728160858, 0.0470474474132061, -0.003093176521360874, 0.00857674703001976, 0.007230397313833237, 0.011113619431853294, 0.002741006202995777, -0.003013704437762499, 0.00026568592875264585, -0.00953664444386959, 0.002338971244171262, 0.0057188705541193485, 0.009081628173589706, 0.0206066332757473, 0.009817134588956833, 0.0032100470270961523, -0.009979194961488247, 0.019222883507609367, 0.030841384083032608, 0.0208185575902462, 0.038819752633571625, -0.03864522650837898, -0.040116239339113235, -0.005952611565589905, -0.02101801708340645, 0.0063826958648860455, -0.010882995091378689, -0.01157486904412508, 0.010801964439451694, -0.013949680142104626, 0.012310374528169632, 0.00043008397915400565, -0.014548058621585369, 0.030916182324290276, -0.0100976238027215, -0.011269447393715382, -0.033783409744501114, 0.011724463663995266, 0.010552640073001385, -0.017764339223504066, 0.027251118794083595, -0.004930383060127497, 0.019347546622157097, -0.028572535142302513, 0.064973846077919, 0.0007187544833868742, 0.03014327771961689, -0.008078099228441715, 0.01284018810838461, -0.035453878343105316, 0.04383116960525513, -0.017477616667747498, -0.00907539576292038, 0.012609563767910004, -0.0025524550583213568, -0.02252642810344696, -0.022202307358384132, 0.014336132444441319, -0.03458124399185181, 0.008776206523180008, -0.00037164866807870567, 0.015320963226258755, -0.0142613360658288, -0.027300983667373657, 0.02318713627755642, -0.03296063840389252, 0.002860993379727006, -0.036151986569166183, 0.007660481613129377, 0.01305211428552866, 0.03298557177186012, -0.015807144343852997, 0.0034874200355261564, -0.014759983867406845, 0.030592061579227448, -0.008015768602490425, -0.011768095195293427, -0.0482940673828125, -0.019671667367219925, -0.0011881849495694041, 0.0019182369578629732, 0.01494697667658329, 0.03772272914648056, 0.017589811235666275, 0.01222311146557331, -0.019472207874059677, 0.02306247502565384, -0.022962745279073715, -0.01694156974554062, 0.01694156974554062, 0.009948029182851315, 0.0037803759332746267, 0.010159955359995365, 0.003521702252328396, 0.000855493126437068, 0.004413035698235035, 0.01163719967007637, 0.011606034822762012, -0.005933912470936775, -0.001088455319404602, -0.012478668242692947, 0.034780703485012054, -0.01948467455804348, -0.025530783459544182, -0.008096798323094845, 0.007143133785575628, 0.023748116567730904, 0.015632618218660355, 0.00910032819956541, 0.0013214175123721361, 0.02690206468105316, 0.0316392220556736, -0.003446904942393303, 0.01001036074012518, 0.0007900455966591835, -0.017764339223504066, -0.013812552206218243, 0.0045782127417624, -0.0100976238027215, -0.0004168386512901634, -0.004970898386090994, 0.010091390460729599, 0.012653195299208164, -0.016767041757702827, 0.007124434690922499, -0.002151978202164173, 0.0020584817975759506, 0.00014910746540408581, -0.018262986093759537, 0.040864210575819016, -0.02177845500409603, -0.01690416969358921, -0.02889665775001049, 0.01095155905932188, 0.05350494012236595, 0.02585490420460701, 0.011967554688453674, -0.009393283165991306, -0.03617691993713379, 0.015994137153029442, -0.0007121317903511226, 0.03572813794016838, 0.03273624926805496, -0.012671894393861294, 0.07300208508968353, -0.014086809009313583, -0.023448927327990532, -0.03325982764363289, -0.0155079560354352, -0.019310148432850838, -0.0016003487398847938, -0.0017374770250171423, 0.025705309584736824, 0.014872179366648197, 0.02152913250029087, 0.018848897889256477, 0.04742143303155899, -0.01336376927793026, -0.006261150352656841, 0.012285442091524601, -0.006794080138206482, -0.0071306680329144, 0.0023031309247016907, -0.01038434635847807, -0.011126086115837097, 0.017664609476923943, -0.01578221283853054, 0.016804441809654236, -0.0044815996661782265, -0.0025867370422929525, 0.028248414397239685, 0.03288584202528, 0.013264039531350136, 0.021217476576566696, -0.02506953291594982, 0.005076861009001732, 0.03876988962292671, 0.018711769953370094, 0.035653337836265564, 0.0029498152434825897, -0.009530412033200264, -0.02690206468105316, -0.001760851126164198, 0.005067511461675167, -0.021055415272712708, 0.022975211963057518, -0.057145070284605026, 0.012547233141958714, -0.012067284435033798, -0.0028874841518700123, 0.006912509445101023, 0.014423396438360214, 0.026503145694732666, -0.004229159094393253, 0.01690416969358921, 0.0208185575902462, 0.012902519665658474, -0.022626157850027084, 0.002938907127827406, -0.039742253720760345, 0.02190311811864376, -0.008053166791796684, 0.007398691028356552, -0.009935563430190086, -0.002901508705690503, 0.006638252642005682, -0.011381642892956734, 0.009555344469845295, 0.014597923494875431], "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5": [-0.0007873883587308228, 0.012024084106087685, 0.034865278750658035, 0.05412469059228897, -0.024961555376648903, 0.017550073564052582, 0.030481021851301193, 0.012422059662640095, 0.00362092605791986, 0.05005359649658203, 0.022377975285053253, -0.041859209537506104, -0.03901466354727745, 0.022286636754870415, 0.010928019881248474, -0.012389439158141613, -0.030376633629202843, 0.02530081383883953, -0.047574400901794434, 0.04439059644937515, 0.08491887152194977, 0.05516856163740158, 0.026801377534866333, -0.0032539404928684235, 0.04227675870060921, 0.005144324619323015, -0.03945830836892128, 0.010040730237960815, -0.007046126760542393, -0.03071589209139347, 0.021842991933226585, -0.002422105986624956, -0.02429608814418316, -0.02057729847729206, -0.001053656917065382, -0.023382700979709625, -0.03264705464243889, -0.004358159843832254, 0.026957958936691284, 0.0008489603642374277, 0.002776043489575386, -0.008690223097801208, -0.011234656907618046, 0.002100789686664939, -0.0017207554774358869, 0.03160318359732628, -0.059970367699861526, -0.02241712063550949, -0.0414416640996933, 0.017667509615421295, -0.07437577843666077, 0.0244918130338192, -0.02012060582637787, 0.01170439925044775, 0.03160318359732628, -0.0019115880131721497, 0.0016652997583150864, 0.014822962693870068, 0.0053400504402816296, -0.0363788902759552, 0.00417548231780529, 0.01595817133784294, -0.012487301602959633, 0.041415564715862274, -0.005030151456594467, 0.010823633521795273, -0.009499222040176392, 0.001663668779656291, 0.009629705920815468, 0.018306881189346313, 0.028445472940802574, 0.02434828132390976, 0.045695435255765915, -0.04031950235366821, -0.05438565835356712, -0.002472668420523405, 0.032725341618061066, -0.013237584382295609, 0.017315203323960304, -0.006609005853533745, 0.027166731655597687, -0.03071589209139347, -0.039823662489652634, 0.02450486272573471, 0.01774580031633377, 0.004915978293865919, -0.05054943263530731, -0.02420474961400032, -0.05589926987886429, -0.05616023764014244, -0.04606078937649727, 0.05386372283101082, -0.041415564715862274, 0.0466088205575943, 0.039092954248189926, -0.00874894019216299, -0.008566263131797314, 0.004407091066241264, -0.018424315378069878, 0.04167653247714043, 0.05897868797183037, -0.01210237480700016, -0.00837706122547388, -0.03356043994426727, 0.07155732810497284, -0.020042315125465393, -0.006726440973579884, 0.015397091396152973, 0.013413737528026104, 0.0051410626620054245, -0.08893777430057526, -0.014744671992957592, -0.006155574228614569, 0.034760892391204834, 0.05302862823009491, 0.014287978410720825, -0.007098319940268993, -0.011325996369123459, 0.014470656402409077, -0.0233566053211689, -0.028654247522354126, -0.0001706483744783327, 0.013211486861109734, -0.02763647399842739, -0.04869656264781952, 0.005199780222028494, 0.0157624464482069, 0.009825431741774082, -0.052350111305713654, -0.014235785230994225, 0.019768299534916878, 0.01483601052314043, 0.028863022103905678, 0.023917684331536293, -0.007744214963167906, 0.00323110562749207, -0.025861894711852074, -0.02768866717815399, -0.0495055615901947, -0.02454400807619095, -0.010034206323325634, -0.03697911649942398, -0.00032090864260680974, 0.0033175512216985226, 0.04705246537923813, -0.031081246212124825, -0.008657601661980152, -0.0030989907681941986, -0.006543763913214207, -0.03423895686864853, 0.014000914059579372, 0.03340385854244232, 0.002214962849393487, 0.028497667983174324, -0.016140848398208618, -0.016114752739667892, 0.011737019754946232, 0.05950062349438667, -0.02370891161262989, 0.03403018042445183, -0.04439059644937515, -0.01599731668829918, -0.009636230766773224, -0.012024084106087685, -0.005959848873317242, -0.0017647937638685107, 0.011834883131086826, -0.03961488977074623, -0.029854699969291687, -0.01650620438158512, -0.03329947218298912, -0.005349836777895689, -0.04397304728627205, -0.009675375185906887, 0.01163263339549303, 0.011502149514853954, 0.016075607389211655, -0.07876003533601761, 0.02406121790409088, -0.030141763389110565, -0.00953836739063263, 0.02186908945441246, -0.044808145612478256, -0.03055931255221367, 0.011025883257389069, -0.010353891178965569, 0.005734764039516449, 0.027662571519613266, -0.0389624685049057, -0.007894271053373814, 0.007437577936798334, 0.013583365827798843, 0.0014181960141286254, -0.06059668958187103, -0.024322185665369034, -0.05934404209256172, 0.02420474961400032, -0.028054023161530495, 0.027114538475871086, -0.022847717627882957, 0.008031279779970646, -0.025561781600117683, 0.016584493219852448, 0.01728910766541958, -0.02220834791660309, -0.040476083755493164, -0.022051766514778137, 0.00874241627752781, -0.020355476066470146, -0.04540837183594704, 0.054698821157217026, 0.0009753665653988719, -0.007457150612026453, 0.053341787308454514, -0.02554873377084732, 0.02813231199979782, -0.05542952939867973, 0.026827475056052208, -0.03149879351258278, 0.016923751682043076, 0.009551416151225567, 0.043816469609737396, 0.016832413151860237, 0.012219809927046299, -0.004743087105453014, 0.05120185390114784, 0.02742769941687584, 0.026749184355139732, 0.013094051741063595, -0.023030394688248634, 0.01804591342806816, 0.02891521528363228, 0.031681474298238754, 0.011365140788257122, 0.08022145181894302, -0.046739306300878525, 0.050523336976766586, 0.02922837622463703, -0.047887563705444336, -0.01654534973204136, -0.002228011377155781, 0.047887563705444336, 0.041128501296043396, 0.034212857484817505, -0.0006385552114807069, -0.016675833612680435, -0.010569189675152302, -0.053498368710279465, 0.0019360537407919765, -0.02753208763897419, -0.0042244140058755875, 0.006651413161307573, 0.015788542106747627, -0.05840456113219261, -0.04804414510726929, -0.044547177851200104, 0.0017892594914883375, 0.015436236746609211, -0.014705526642501354, -0.03862321376800537, 0.016975944861769676, 0.005199780222028494, -0.05028846487402916, -0.02291296049952507, 0.004615865182131529, 0.014561994932591915, 0.018254688009619713, 0.04099801927804947, -0.040580470114946365, -0.016675833612680435, -0.017080333083868027, 0.028106216341257095, 0.02082521840929985, 0.0011939270189031959, -0.013283253647387028, 0.04188530892133713, 0.0220126211643219, 0.00981238391250372, -0.0024253681767731905, -0.022534556686878204, -0.017432639375329018, 0.01220023725181818, -0.00494533684104681, 0.028993505984544754, 0.01280046347528696, -0.015645010396838188, 0.010366939939558506, 0.003947135526686907, -0.0021546140778809786, 0.045852016657590866, 0.017654461786150932, -0.012206762097775936, -0.028863022103905678, 0.0182416383177042, 0.03598744049668312, -0.00942093227058649, -0.000629584479611367, -0.0037350994534790516, 0.008814182132482529, -0.005839151330292225, 0.0004933919408358634, 0.015736348927021027, -0.04895753040909767, 0.04397304728627205, -0.022678088396787643, 0.0006670985603705049, 0.02549653872847557, 0.03314289078116417, 0.01783713884651661, -0.0572563037276268, 0.0029375171288847923, 0.01675412245094776, 0.030350537970662117, -0.00039410192403011024, -0.02609676495194435, -0.05485539883375168, 0.03489137440919876, -0.024765830487012863, 0.008507545106112957, 0.006909118499606848, -0.024530958384275436, 0.009858053177595139, -0.016232186928391457, -0.03199463337659836, -0.010203835554420948, -0.043007466942071915, 0.028262795880436897, -0.012859180569648743, -0.05636901408433914, 0.020812170580029488, -0.011743544600903988, -0.02156897634267807, -0.005111703649163246, 0.015318800695240498, -0.033221181482076645, 0.02489631436765194, -0.03846663236618042, -0.008259626105427742, -0.0001420031039742753, -0.003487180219963193, -0.037840310484170914, -0.010419133119285107, -0.020016219466924667, 0.005597756244242191, -0.0010618121596053243, -0.06701648980379105, 0.023382700979709625, 0.04846169427037239, 0.0032278436701744795, 0.03126392513513565, 0.007398433052003384, 0.05501198023557663, -0.04989701509475708, 0.04219846799969673, 0.002317718928679824, 0.05075820907950401, 0.029358860105276108, -0.009081673808395863, -0.03995414823293686, -0.005242187529802322, -0.0723402351140976, -0.018815767019987106, 0.018763573840260506, 0.006817779969424009, 0.008050852455198765, 0.03737056627869606, -0.08450132608413696, -0.04577372595667839, -0.0004681107238866389, 0.01923331618309021, 0.003229474648833275, -0.01555367186665535, 0.038440532982349396, -0.0034512970596551895, -0.062005914747714996, -0.005137800704687834, 0.016688881441950798, 0.0313161164522171, -0.007039602380245924, 0.05412469059228897, 0.07954294234514236, -0.02330441027879715, -0.020733879879117012, -0.04835730418562889, 0.03961488977074623, 0.04945337027311325, -0.005402030423283577, -0.017771897837519646, -0.011554342694580555, -0.0006026721675880253, 0.03598744049668312, -0.012715648859739304, 0.026214201003313065, -0.02425694279372692, 0.04204188659787178, -0.024087313562631607, -0.053498368710279465, 0.051410626620054245, 0.03457821533083916, -0.06607700884342194, 0.048827048391103745, -0.04089362919330597, -0.04626956582069397, 0.010791012085974216, 0.015292704105377197, 0.051410626620054245, -0.019311606884002686, 0.024322185665369034, 0.06393707543611526, -0.008977287448942661, 0.056525591760873795, -0.03155098855495453, 0.0489836260676384, -0.0312117300927639, 0.05114965885877609, -0.06258004158735275, 0.013818236999213696, 0.0722358450293541, 0.018711380660533905, -0.0673818439245224, 0.00715703796595335, -0.04533008113503456, -0.027114538475871086, -0.01319843903183937, -0.04864437133073807, 0.021529830992221832, 0.0015511264791712165, -0.0021611384581774473, 0.10099448263645172, -0.03880589082837105, -0.03298630937933922, 0.009036004543304443, -0.009283924475312233, 0.04945337027311325, -0.030324440449476242, -0.008181335404515266, 0.03859711438417435, 0.012624310329556465, 0.007378860376775265, -0.02057729847729206, -0.020551202818751335, -0.007450626231729984, -0.01873747631907463, -0.0032278436701744795, -0.02901960350573063, -0.012024084106087685, 0.0195334292948246, 0.0067460136488080025, 0.02022499218583107, 0.0016065820818766952, -0.04533008113503456, -0.042172372341156006, 0.052010852843523026, 0.04292917996644974, -0.027062345296144485, -0.01329630147665739, 0.007444102317094803, -0.02687966823577881, -0.0007462044013664126, -0.009714520536363125, 0.003810127731412649, 0.040136825293302536, 0.06205810606479645, 0.03491747006773949, 0.02946324832737446, 0.048331208527088165, -0.040476083755493164, 0.01203060895204544, -0.007444102317094803, -0.003617664100602269, -0.0017060759710147977, 0.03632669523358345, -0.038101278245449066, 0.020994847640395164, -0.03862321376800537, -0.01357031799852848, 0.04332062974572182, 0.004821377340704203, -0.03374311700463295, -0.026057619601488113, 0.02220834791660309, -0.0097667146474123, -0.027897441759705544, 0.005238925572484732, 0.0469219833612442, 0.01843736506998539, 0.051462821662425995, 0.022051766514778137, -0.01779799349606037, 0.010269076563417912, -0.005327002145349979, 0.03710959851741791, 0.04110240563750267, -0.013309350237250328, 0.02742769941687584, -0.055586110800504684, -0.049270693212747574, -0.0012355187209323049, -0.01654534973204136, -0.017563123255968094, -0.03275144100189209, -0.014640284702181816, 0.018698332831263542, -0.01177616510540247, 0.029880795627832413, 0.013120148330926895, 0.04647833853960037, -0.0091469157487154, -0.027740860357880592, -0.04258992150425911, 0.00570214306935668, 0.010797536931931973, -0.0157624464482069, -0.016558397561311722, -0.002259001135826111, 0.009962440468370914, 0.03439553454518318, 0.0008012522594071925, -0.033116795122623444, -0.007020029705017805, -0.0054770587012171745, 0.02360452339053154, -0.0017843663226813078, 0.00033151046955026686, -0.04347721114754677, 0.021751653403043747, 0.01257211621850729, -0.003359958529472351, 0.013909575529396534, -0.04491253197193146, 0.012826560065150261, -0.013328922912478447, 0.018646137788891792, 0.01942904107272625, 0.013152769766747952, -0.05174988508224487, 0.011469528079032898, -0.033664826303720474, -0.006041401065886021, -0.03726617991924286, 0.009923295117914677, -0.07176610082387924, 0.030324440449476242, 0.0004444605147000402, 0.019050639122724533, -0.011188987642526627, 0.01511002704501152, -0.0021301484666764736, -0.0037285753060132265, -0.030193956568837166, 0.014353220351040363, 0.01128032710403204, 0.02792353928089142, -0.0057771713472902775, 0.041128501296043396, 0.006752538029104471, -0.02687966823577881, 0.00011121707211714238, -0.014392365701496601, -0.009688423946499825, 0.034708697348833084, -0.007574586197733879, 0.02564007230103016, -0.005229139234870672, 0.01404005941003561, 0.045695435255765915, -0.019937928766012192, -0.013152769766747952, 0.0018871222855523229, 0.009153440594673157, 0.0359613411128521, -0.017367396503686905, -0.03303850442171097, -0.06320636719465256, 0.05060162767767906, -0.015723301097750664, -0.059761591255664825, 0.006338251754641533, -0.0013978079659864306, -0.01128032710403204, -0.03588305041193962, -0.04345111548900604, 0.007868174463510513, 0.013159293681383133, -0.0182938314974308, -0.024622296914458275, -0.00140759430360049, 0.012722172774374485, -0.016062559559941292, 0.014131397940218449, 0.012180665507912636, -0.0259401835501194, 0.025679217651486397, 0.06659894436597824, 0.010797536931931973, 0.008527117781341076, -0.029437150806188583, 0.013348495587706566, 0.011671777814626694, 0.005203042645007372, 0.03147269785404205, -0.02077302522957325, 0.009636230766773224, 3.567917156033218e-05, 0.006201243959367275, -0.03230779618024826, 0.02117752470076084, -0.015331849455833435, -0.003159339539706707, 0.004067833069711924, 0.008983811363577843, 0.005868509877473116, -0.009231730364263058, 0.007117892615497112, -0.020159751176834106, 0.03768372908234596, 0.002440047450363636, 0.03303850442171097, 0.004876832943409681, 0.040371693670749664, 0.009831956587731838, 0.04326843470335007, -0.001213499577715993, 0.010973690077662468, 0.06351952254772186, 0.011887076310813427, -0.025366054847836494, -0.005532514303922653, 0.0012012666556984186, -0.017380446195602417, -0.02618810348212719, -0.023982927203178406, 0.029045699164271355, -0.014822962693870068, 0.013035333715379238, 0.01680631749331951, -0.01016469020396471, -0.008181335404515266, -0.007476723287254572, -0.017132526263594627, 0.01247425377368927, -0.031629279255867004, 0.02514423243701458, -0.030637601390480995, 0.0496099516749382, -0.020342428237199783, -0.004270083270967007, 0.009199109859764576, 0.02231273427605629, -0.02808011882007122, 0.008481448516249657, -0.015540623106062412, 0.005796744022518396, -0.04131117835640907, 0.03562208265066147, -0.026449071243405342, 0.007770311553031206, 0.03763153403997421, -0.02708844281733036, 0.009668851271271706, -0.05610804632306099, 0.03071589209139347, 0.006129477638751268, -0.00679820729419589, -0.022926008328795433, -0.0019376848358660936, 0.013185390271246433, 0.005160635337233543, 0.02181689627468586, -0.019168073311448097, -0.011221609078347683, -0.043059661984443665, -0.0004363053012639284, -0.02560092695057392, -0.028393279761075974, 0.008305295370519161, -0.005167159251868725, -0.022886862978339195, -0.009349166415631771, 0.041024114936590195, 0.016088655218482018, 0.005150848999619484, -0.028836924582719803, 0.03139440715312958, -0.00953836739063263, 0.02818450704216957, 0.0470263697206974, 0.008592359721660614, -0.022038718685507774, 0.013400688767433167, 0.0028429164085537195, -0.006641626823693514, 0.011045455932617188, -0.009942867793142796, 0.018019815906882286, 0.03859711438417435, -0.0046386998146772385, -0.0023209811188280582, -0.005721715744584799, -0.10496118664741516, 0.00038533503538928926, 0.0036894301883876324, 0.013002713210880756, -0.03614401817321777, -0.010047254152595997, -0.026122862473130226, -0.03016786091029644, 0.03671814873814583, 0.02445266954600811, 0.006126215681433678, -0.013518123887479305, 0.022782476618885994, 0.007802932523190975, 0.021242767572402954, 0.018854912370443344, 0.0311595369130373, -0.002767888130620122, -0.0042570349760353565, 0.06409365683794022, -0.0047561354003846645, -0.0016302323201671243, 0.03611792251467705, -0.0016106597613543272, -0.029097892343997955, 0.018907105550169945, -0.00754196522757411, -0.03598744049668312, 0.017824091017246246, -0.010438705794513226, 0.045695435255765915, -0.016127800568938255, 0.008213956840336323, -0.005248711910098791, 0.014261881820857525, -0.029045699164271355, 0.06602481752634048, -0.026501264423131943, -0.01217414066195488, -0.02296515367925167, -0.012239382602274418, -0.0007833107374608517, -0.03831005096435547, 0.0028934788424521685, 0.0032474161125719547, 0.008964238688349724, -0.005265022162348032, 0.003738361643627286, 0.004606078844517469, -0.03230779618024826, -0.0076659247279167175, 0.0046386998146772385, 0.011939270421862602, -0.011149843223392963, 0.01250035036355257, 0.03731837496161461, -0.005535776261240244, -0.01357031799852848, 0.015175268985331059, 0.0017550074262544513, 0.005049724131822586, -0.006759061943739653, 0.04282478988170624, -0.004827901721000671, -0.015096978284418583, -0.0097928112372756, 0.020094508305191994, 0.003539373865351081, -0.024113411083817482, 0.013231059536337852, -0.027297215536236763, 0.010151641443371773, -0.007639828138053417, 0.01634962297976017, 0.017811041325330734, 0.06936520338058472, -0.031785860657691956, -0.021294960752129555, -0.017184719443321228, -0.007933416403830051, -0.013231059536337852, -0.014601140283048153, -0.011547818779945374, -0.007294045761227608, -0.012004511430859566, -0.01654534973204136, 0.028314990922808647, 0.005594493821263313, -0.016910703852772713, 0.008898996748030186, -0.04621737077832222, 0.009649278596043587, -0.010503947734832764, 0.0022198560182005167, 0.03520453721284866, -0.005512941628694534, -0.00342846242710948, 0.027401603758335114, -0.02475278079509735, 0.02742769941687584, 0.0143662691116333, 0.006543763913214207, 0.005910917185246944, -0.023721959441900253, 0.026775280013680458, 0.007489771582186222, 0.01758921891450882, 0.0019262675195932388, 0.008638028986752033, -0.04105021059513092, -0.027218926697969437, -0.028993505984544754, -0.001582931843586266, 0.010242979973554611, 0.013752995058894157, -0.011887076310813427, 0.020759977400302887, 0.022077864035964012, -0.027897441759705544, -0.02479192614555359, 0.0032017468474805355, 0.041572146117687225, -0.019011493772268295, -0.018502606078982353, -0.026357732713222504, -0.010699673555791378, -0.01475772075355053, -0.004377732519060373, -0.02390463650226593, 0.025666167959570885, 0.009929819032549858, -0.009283924475312233, -0.0028282369021326303, -0.023591475561261177, -0.025522636249661446, -0.00792689248919487, 0.024609249085187912, -0.045747630298137665, -0.01098673790693283, 0.033168986439704895, 0.003647022880613804, -0.0034154141321778297, 0.007143989205360413, -0.018867960199713707, 0.004765921737998724, 0.008872900158166885, 0.02714063599705696, -0.019389895722270012, -0.014614188112318516, 0.04874875769019127, 0.008174811489880085, 0.03768372908234596, -0.02868034504354, -0.0019050638657063246, -0.041624341160058975, 0.022847717627882957, -0.005623852834105492, 0.0003145883383695036, 0.03196853771805763, 0.011247705668210983, -3.2143109365279088e-06, -0.009316544979810715, -0.00756806181743741, -0.003718788968399167, -0.005232401192188263, -0.003898204304277897, -0.01511002704501152, 0.01828078366816044, -0.009251303039491177, -0.023526232689619064, -0.023865491151809692, 0.036013536155223846, -0.006811255589127541, 0.03523063287138939, -0.011547818779945374, -0.003907990641891956, -0.016075607389211655, 0.04606078937649727, -0.020512057468295097, 0.018150299787521362, -0.03797079250216484, 0.025118136778473854, -0.027610376477241516, -0.026318587362766266, -0.003731837496161461, 0.003647022880613804, 0.00756806181743741, 0.01180226169526577, 0.016467059031128883, 0.028445472940802574, -0.004602816887199879, 0.005235663615167141, -0.02747989259660244, 0.0022198560182005167, -0.02977640926837921, -0.004867046605795622, 0.02907179668545723, 0.00028951099375262856, 0.03196853771805763, 0.027662571519613266, 0.03554379567503929, -0.010738818906247616, -0.0061099049635231495, -0.004853998310863972, 0.03165537491440773, -0.0042211515828967094, 0.01620609126985073, -0.002299777464941144, -0.009903722442686558, 0.01997707411646843, 0.03870150074362755, 0.011723971925675869, -0.05138453096151352, 0.04180701822042465, 0.002415581839159131, 0.00012497903662733734, 0.004658272489905357, -0.03930172696709633, 0.03817956894636154, 0.03418676182627678, -0.016832413151860237, 0.01580159179866314, -0.008827230893075466, -0.010497423820197582, -0.018502606078982353, 0.008833754807710648, -0.0014467394212260842, 0.018854912370443344, 0.020694734528660774, -0.01803286373615265, -0.028810828924179077, 0.016936801373958588, 0.0027075393591076136, 0.0018479771679267287, 0.01654534973204136, -0.009845004417002201, -0.02553568407893181, -0.006207767874002457, -0.006289320532232523, 0.02972421608865261, -0.013583365827798843, -0.006250175181776285, -0.01937684789299965, -0.0013545851688832045, 0.020929604768753052, 0.008148714900016785, 0.0014418462524190545, -0.00790079589933157, -0.007646352052688599, 0.01053656917065382, 0.0444427914917469, 0.010471327230334282, -0.0014336910098791122, -0.029593732208013535, -0.0076659247279167175, -0.023930734023451805, 0.008076949045062065, -0.0015927181812003255, -0.040737051516771317, 0.014418462291359901, -0.001364371506497264, -0.009401359595358372, 0.016414865851402283, -0.0072483764961361885, -0.01434017252177, 0.026175055652856827, 0.018319929018616676, -0.031733665615320206, -0.006569860503077507, 0.05595146492123604, 0.03703130781650543, -0.002705908380448818, 0.04285088926553726, 0.005434651393443346, 0.041572146117687225, 0.012761318124830723, -0.012206762097775936, 0.02753208763897419, 0.005265022162348032, 0.06393707543611526, 0.016284381970763206, 0.026553457602858543, -0.002723849844187498, 0.03763153403997421, 0.01207627821713686, -0.0043059661984443665, 0.016780219972133636, -0.04697417840361595, 0.012415535748004913, 0.02261284738779068, 0.011384713463485241, -0.018202492967247963, 0.003950397949665785, -0.03951050341129303, -2.538318221922964e-05, 0.02316087856888771, -0.027610376477241516, -0.0416504368185997, -0.0019507331307977438, 0.02841937728226185, 0.02038157358765602, 0.02166031487286091, -0.018215542659163475, 0.0248571690171957, 0.012435108423233032, 0.017080333083868027, -0.009616658091545105, -0.0016652997583150864, -0.02753208763897419, 0.007209231145679951, -0.030689796432852745, 0.007783360313624144, 0.008116093464195728, 0.006377397105097771, -0.019937928766012192, -0.041572146117687225, -0.029906893149018288, -0.025313861668109894, -0.019207218661904335, -0.0014589722268283367, -0.04138946905732155, 0.012265479192137718, -0.009551416151225567, 0.010732294991612434, -0.016584493219852448, -0.03416066616773605, 0.006935215089470148, -0.00016259508265648037, 0.021595073863863945, 0.005734764039516449, 0.002505289390683174, -0.00802475493401289, -0.00795298907905817, 0.013622511178255081, 0.01972915418446064, 0.03416066616773605, 0.03361263498663902, -0.029306666925549507, 0.017824091017246246, -0.03288192301988602, -0.054646626114845276, 0.0016147373244166374, -0.0013252263888716698, -0.007868174463510513, -0.0026488215662539005, -0.03455211594700813, 0.04214627668261528, -0.014235785230994225, -0.024661442264914513, 0.014588091522455215, 0.0015242141671478748, -0.04504301771521568, -0.005656473804265261, -0.009238255210220814, 0.010523520410060883, 0.011449955403804779, -0.025979328900575638, 0.013348495587706566, -0.0011955579975619912, 0.0048409500159323215, 0.011215085163712502, 0.018202492967247963, 0.003617664100602269, -0.0019817231222987175, -0.01645401120185852, 0.009662327356636524, -0.002705908380448818, -0.023565378040075302, -0.02618810348212719, 0.014796866104006767, -0.004801804665476084, 0.03624840825796127, -0.005454224068671465, -0.0020697996951639652, -0.033377762883901596, 0.024387426674365997, -0.0058293649926781654, -0.023735007271170616, -0.005036675836890936, 0.016010364517569542, 0.013478979468345642, -0.013022285886108875, -0.007261424791067839, -0.0315248928964138, -0.005137800704687834, -0.033821407705545425, -0.011991463601589203, 0.026670893654227257, -0.004413615446537733, -0.020942654460668564, 0.020342428237199783, 0.015018688514828682, 0.015671107918024063, 0.008820706978440285, 0.028158409520983696, 0.008331391960382462, 0.024191701784729958, -0.0143140759319067, 0.027349410578608513, 0.01774580031633377, -0.005656473804265261, 0.002780936425551772, 0.027114538475871086, 0.0069482638500630856, 0.003314289264380932, 0.00023405536194331944, -0.010393036529421806, -0.0020861101802438498, 3.0097929993644357e-05, 0.0033893173094838858, 0.014353220351040363, 0.016036462038755417, -0.0035752567928284407, -0.015344898216426373, 0.017119478434324265, 0.01620609126985073, -0.01843736506998539, 0.016962897032499313, -0.01854175142943859, 0.01753702573478222, -0.033116795122623444, -0.003421938279643655, 0.004270083270967007, -0.021751653403043747, -0.026305539533495903, -0.00795298907905817, -0.02951544150710106, 0.008116093464195728, 0.017680557444691658, -0.006811255589127541, 0.03139440715312958, -0.011528246104717255, 0.009205633774399757, -0.003712264820933342, -0.04193750023841858, -0.0072483764961361885, 0.013831285759806633, 0.021842991933226585, -0.004394042771309614, 0.0062469132244586945, -0.022899910807609558, 0.01724996231496334, 0.008553214371204376, -0.01803286373615265, 0.018554799258708954, -0.017458735033869743, -0.027845248579978943, -0.034421633929014206, 0.0786556527018547, -0.019794397056102753, 0.03473479300737381, 0.01324410829693079, 0.034708697348833084, -0.0416504368185997, 0.016975944861769676, -0.0064948322251439095, -0.05002749711275101, -0.013283253647387028, -0.010366939939558506, 0.026710039004683495, -0.0025737935211509466, 0.04131117835640907, 9.862742444965988e-05, 0.017328251153230667, -0.022691136226058006, 0.007705070078372955, -0.011130270548164845, -0.0038231760263442993, -0.002575424499809742, 0.017184719443321228, 0.04029340669512749, 0.02305649220943451, -0.0026537147350609303, -0.011299898847937584, 0.05621243268251419, 0.019650863483548164, 0.0018381908303126693, 0.006282796151936054, 0.01135861687362194, 0.003878631629049778, 0.049818724393844604, 0.011528246104717255, -0.02042071893811226, 0.0182416383177042, 0.006961312144994736, -0.008474924601614475, 0.006266485899686813, -0.005555348936468363, 0.010412609204649925, -0.0009084936464205384, 0.01843736506998539, 0.03194244205951691, 0.012258955277502537, -0.0016913965810090303, -0.012161092832684517, -0.017654461786150932, 0.022286636754870415, -0.0181894451379776, -0.015344898216426373, 0.00607402203604579, -0.002975031267851591, -0.003718788968399167, -0.006383921019732952, -0.01854175142943859, -0.001211052993312478, 0.02017279900610447, 0.042511630803346634, 0.028863022103905678, -0.010725770145654678, -0.037292275577783585, 0.011508673429489136, -0.021399347111582756, 0.029828602448105812, -0.017458735033869743, -0.012265479192137718, 0.0063610863871872425, -0.005933751817792654, -0.013648607768118382, -0.01918112300336361, 0.014953446574509144, 0.014157495461404324, 0.01833297684788704, -0.009264351800084114, 0.033221181482076645, -0.0021741867531090975, -0.007502819877117872, 0.0181894451379776, 0.02907179668545723, 0.013276728801429272, -0.0027450534980744123, 0.014927349984645844, -0.0016408341471105814, -0.001965412637218833, -0.010125544853508472, 0.028602054342627525, -0.0027140635065734386, 0.009473125450313091, -0.01933770254254341, -0.03692692145705223, 0.009081673808395863, 0.016728026792407036, 0.011658729985356331, -0.022077864035964012, -0.01799372024834156, -0.00914039183408022, 0.020890461280941963, -0.004938812926411629, -0.020303282886743546, 0.0019507331307977438, -0.013935672119259834, 0.026514314115047455, 0.013426785357296467, -0.010419133119285107, -0.019220266491174698, -0.000658127770293504, -0.018646137788891792, -0.01019078679382801, -0.016714977100491524, -0.004824639298021793, 0.007678973022848368, -0.001957257278263569, -0.0032392609864473343, -0.039928048849105835, 0.011228132992982864, 0.009486174210906029, -0.014914301224052906, 0.004778970032930374, -0.04467765986919403, 0.011365140788257122, 0.01098673790693283, -0.05224572494626045, -0.01675412245094776, 0.01098021399229765, -0.013844333589076996, -0.0026162005960941315, -0.008129142224788666, 0.014849059283733368, 0.0036894301883876324, 0.015892930328845978, 0.03199463337659836, 0.03922343626618385, 0.025822749361395836, -0.006478521972894669, 0.012604737654328346, -0.014979543164372444, -0.02415255643427372, -0.0027450534980744123, -0.029306666925549507, -0.04428621008992195, -0.012226334773004055, -0.0025835796259343624, -0.0053400504402816296, 0.010941068641841412, 0.02415255643427372, -0.03721398860216141, -0.002365019405260682, 0.013700801879167557, 0.04125898703932762, 0.0035817809402942657, 0.024765830487012863, -0.016936801373958588, 0.03643108531832695, 0.013355019502341747, -0.031185634434223175, 0.03721398860216141, 0.01170439925044775, 0.005216090939939022, 0.008063900284469128, -0.03016786091029644, 0.011841407045722008, -0.043216243386268616, 0.006928691174834967, -0.01033431850373745, -0.010393036529421806, 0.01086277887225151, 0.01557976845651865, 0.023774152621626854, -0.016519252210855484, -0.009055577218532562, -0.011325996369123459, -0.027740860357880592, 0.03457821533083916, 0.007502819877117872, 0.008481448516249657, -0.014444559812545776, 0.019363800063729286, -0.030924666672945023, -0.0038264382164925337, 0.008866376243531704, 0.03136831149458885, -0.01406615599989891, -0.022847717627882957, -0.004106978420168161, 0.013250632211565971, -0.005627114791423082, -0.010817108675837517, 0.010601811110973358, -0.005297643132507801, 0.03697911649942398, -0.007463674992322922, 0.014575043693184853, 0.0005977789987809956, 0.009401359595358372, 0.01569720357656479, -0.01877662166953087, 0.02977640926837921, 0.03264705464243889, 0.014235785230994225, 0.04872266203165054, -0.039588794112205505, -0.05845675244927406, 0.00914039183408022, -0.03491747006773949, 0.026775280013680458, -0.006700344383716583, -0.006674247793853283, 0.024530958384275436, -0.010060302913188934, 0.02068168669939041, 0.0022377974819391966, -0.03011566586792469, 0.02420474961400032, 0.0030223315116018057, -0.01595817133784294, -0.024478765204548836, 0.015723301097750664, 0.001410040888004005, -0.02176470123231411, 0.009760189801454544, 0.008083472959697247, 0.00490945391356945, -0.05903088301420212, 0.0387536957859993, -0.006351300049573183, 0.030872473493218422, -0.031237827613949776, -0.015070881694555283, -0.02445266954600811, 0.061953719705343246, -0.026723086833953857, -0.021803846582770348, 0.02057729847729206, -0.018528703600168228, -0.007033077999949455, -0.018150299787521362, 0.020603395998477936, -0.027766957879066467, 0.0015649903798475862, 0.007509344257414341, 0.01748483255505562, 0.00643611466512084, -0.042459435760974884, 0.006791682913899422, -0.015866832807660103, 0.015618913806974888, -0.024974603205919266, -0.019520379602909088, 0.027610376477241516, 0.0366920530796051, -0.017458735033869743, 0.015305752865970135, -0.0001706483744783327, 0.007698545698076487, -0.0091208191588521, 0.012787414714694023, -0.030976859852671623, -0.007783360313624144, -0.007065698970109224, -0.020185846835374832, 0.020159751176834106, 0.018854912370443344, 0.013237584382295609, 0.01284613274037838, 0.010797536931931973, 0.015397091396152973, -0.028784731402993202, -0.026657845824956894, 0.01357031799852848, 0.017967622727155685, -0.0007943203090690076, 0.015631962567567825, -0.015070881694555283, 0.006811255589127541, 0.005910917185246944, -0.0027793054468929768, 0.0020029267761856318, -0.004093930125236511, 0.0017762110801413655, -0.008931618183851242, 0.02901960350573063, -0.00874241627752781, 0.009760189801454544, 0.010379988700151443, 0.003927563317120075, 0.014183592051267624, 0.014822962693870068, 0.017758848145604134, -0.0013146245619282126, 0.020890461280941963, 0.016271332278847694, -0.005522727966308594, -0.0052552358247339725, 0.016480106860399246, -0.006889545824378729, -0.023030394688248634, -0.010105972178280354, 0.0024694064632058144, 0.020446814596652985, -0.03533501923084259, -0.0061131673865020275, 0.010184262879192829, -0.038936372846364975, 0.012996189296245575, 0.0017908904701471329, 0.011919697746634483, -0.019402945414185524, -0.0005215275450609624, 0.034656502306461334, 0.0050921314395964146, 0.0020534892100840807, -0.01834602653980255, 0.020107557997107506, 0.047939758747816086, 0.024465717375278473, -0.004165695980191231, 0.03220340982079506, -0.01888100989162922, 0.033664826303720474, 0.0018039388814941049, 0.03447382524609566, 0.016975944861769676, -0.00025546285905875266, 0.06466778367757797, 0.0036307123955339193, -0.04269430786371231, -0.03191634267568588, -0.030246149748563766, -0.013041858561336994, 0.01063443161547184, 0.016127800568938255, 0.029750311747193336, 0.016962897032499313, 0.00862498115748167, 0.010595286265015602, 0.05159330368041992, -0.005985945463180542, 0.010745342820882797, -0.003934087231755257, -0.01140428613871336, -0.018163347616791725, -0.009786287322640419, 0.003149553434923291, -0.0220126211643219, 0.00991677027195692, 0.01396176964044571, 0.026957958936691284, 0.002948934445157647, 0.00036739351344294846, 0.024230847135186195, 0.03452602028846741, 0.008729367516934872, 0.01321801170706749, -0.027845248579978943, 0.007411481346935034, 0.033821407705545425, -0.013002713210880756, 0.033821407705545425, -0.012343769893050194, -0.016336575150489807, -0.02301734685897827, 0.013120148330926895, 0.01739349402487278, 0.012298100627958775, 0.02241712063550949, -0.053341787308454514, 0.0104908999055624, -0.011919697746634483, 0.01126075442880392, 0.006282796151936054, 0.02818450704216957, 0.05109746754169464, 0.01914197765290737, 0.0038297001738101244, 0.03653547167778015, 0.0004481303913053125, -0.002518337918445468, 0.02146458998322487, -0.04287698492407799, 0.04859217628836632, -0.009636230766773224, 0.011919697746634483, -0.005966372787952423, -0.0007005350198596716, 0.022377975285053253, 0.0054770587012171745, 0.010321270674467087, 0.01744568720459938], "bb824fc5-0534-4c58-a06a-ed71019e476d": [-0.010586749762296677, 0.017050419002771378, 0.023918423801660538, 0.006856614723801613, -0.00907761137932539, 0.013918244279921055, 0.027494797483086586, 0.01055258046835661, 0.016720116138458252, 0.04608282819390297, 0.04088911414146423, -0.05713086202740669, -0.04984143748879433, 0.027768149971961975, 0.009669876657426357, -0.006942037492990494, -0.029636064544320107, 0.008491040207445621, -0.02676585502922535, 0.04314427822828293, 0.07931804656982422, 0.06373690068721771, 0.0535317100584507, -0.012505918741226196, 0.044761620461940765, -0.009043442085385323, -0.02886156365275383, 0.008246161043643951, -0.01882721669971943, -0.02279083989560604, 0.015387519262731075, -0.0004228435573168099, -0.05271165072917938, -0.01166307833045721, 0.0038895912002772093, -0.029476609081029892, -0.021070992574095726, -0.0009780926629900932, 0.027267001569271088, 0.0032773935236036777, 0.006452279631048441, 0.023963982239365578, -0.009538894519209862, 0.014419392682611942, -0.003599153133109212, 0.01686818338930607, -0.05763201043009758, -0.016537880524992943, -0.032096244394779205, 0.029248815029859543, -0.0338958241045475, 0.016480932012200356, 0.011139151640236378, 0.04088911414146423, 0.0379050076007843, 0.027244223281741142, 0.017118757590651512, 0.019556159153580666, -0.00030574292759411037, -0.04405545815825462, -0.019840901717543602, 0.013667670078575611, -0.005996690597385168, 0.040570203214883804, -0.008081010542809963, -0.00716983200982213, -0.030046096071600914, -0.01596839539706707, 0.010894272476434708, 0.03113950975239277, 0.014214376918971539, 0.04571835696697235, 0.03202790766954422, -0.03020555153489113, -0.054807357490062714, 0.007784877438098192, 0.03332633525133133, 0.014442171901464462, 0.05380506068468094, -0.004256909713149071, 0.020148424431681633, -0.03323521837592125, -0.0615500770509243, 0.008360058069229126, -0.006919258274137974, -0.009054831229150295, -0.03683437034487724, -0.01164029911160469, -0.06943176686763763, -0.03751775622367859, -0.0423697791993618, 0.0296588446944952, -0.05826983600854874, 0.05804204195737839, 0.03662935644388199, -0.012004770338535309, -0.039590686559677124, -0.009362353943288326, -0.042893704026937485, 0.07129967957735062, 0.06041110306978226, -0.01740350015461445, 0.006606040522456169, 0.0015618160832673311, 0.07102632522583008, -0.008969408459961414, 0.01676567643880844, -0.006332687102258205, 0.00028616684721782804, -0.0017981529235839844, -0.056219685822725296, -0.0029556336812675, 0.02913491800427437, 0.04852022975683212, 0.03583207726478577, 0.012323683127760887, -0.004615686368197203, -0.019556159153580666, 0.03221014142036438, -0.02337171696126461, -0.03482978045940399, 0.004342332947999239, 0.00896371342241764, -0.032096244394779205, -0.025011837482452393, 0.009812247939407825, 0.019954798743128777, 0.020182592794299126, -0.02485238015651703, -0.0006609599804505706, 0.011207489296793938, 0.012198396027088165, 0.035080354660749435, 0.05157267674803734, -0.003203360363841057, -0.00221387785859406, 0.033212438225746155, -0.029385492205619812, -0.041185248643159866, -0.007619726471602917, -0.01177697628736496, -0.0503881461918354, -0.021663257852196693, 0.031777333468198776, 0.03369080647826195, -0.009191508404910564, -0.02694809064269066, -0.032050687819719315, 0.0016728659393265843, -0.04072965681552887, 0.0031492591369897127, 0.016720116138458252, -0.002759160939604044, 0.03988681733608246, -0.026378603652119637, -0.01864498108625412, -0.03095727413892746, 0.023052804172039032, -0.009276931174099445, 0.0365837961435318, -0.03537648543715477, -0.010489936918020248, -0.01552419550716877, -0.006799666211009026, -0.028087062761187553, 0.028610989451408386, 0.016127850860357285, -0.0205242857336998, -0.038337815552949905, 0.022403590381145477, -0.03687993064522743, -0.005017173942178488, -0.03250627592206001, -0.011754196137189865, -0.013303198851644993, -0.00718122161924839, 0.020592624321579933, -0.07517218589782715, 0.014931930229067802, -0.0437137670814991, -0.006731327623128891, 0.016264528036117554, -0.04430603235960007, -0.04316705837845802, 0.011720027774572372, -0.008491040207445621, 0.01833745837211609, 0.024419570341706276, -0.04653841629624367, 0.004080369137227535, 0.0310028325766325, 0.0011240235762670636, 0.015410298481583595, -0.034283071756362915, -0.015558364801108837, -0.059044335037469864, 0.0051794773899018764, -0.019373923540115356, 0.024237334728240967, -0.016560660675168037, -0.030228331685066223, -0.03640156239271164, -0.004803616553544998, 0.024829601868987083, -0.036515459418296814, -0.04277980700135231, -0.01280205138027668, 0.006406720727682114, 0.011384030804038048, -0.024875160306692123, 0.04893026128411293, 0.004208503291010857, -0.00918581336736679, 0.0673360526561737, -0.03072947822511196, 0.0023263513576239347, -0.08924988657236099, 0.049886997789144516, -0.027631472796201706, 0.008394227363169193, 0.025490205734968185, 0.02168603613972664, -0.0046527027152478695, 0.0231894813477993, -0.002500044647604227, 0.06018330901861191, 0.023941202089190483, 0.02703920751810074, 0.014738304540514946, -0.058953218162059784, 0.01610507071018219, 0.029408270493149757, 0.02708476595580578, 0.022688332945108414, 0.041959747672080994, -0.05781424418091774, 0.04537666589021683, 0.017654074355959892, -0.03444252908229828, -0.023394495248794556, -0.016754286363720894, 0.012950117699801922, 0.03426029533147812, 0.03583207726478577, -0.0075115240179002285, -0.010757595300674438, -0.01534195989370346, -0.026128029450774193, -0.008730224333703518, -0.018189391121268272, -0.009328184649348259, 0.03339467570185661, 0.0034283073619008064, -0.05822427570819855, -0.03398694097995758, -0.0231894813477993, 0.00842839665710926, 0.05312167853116989, -0.002145539503544569, -0.03444252908229828, 0.022380810230970383, 0.0223010815680027, -0.060912251472473145, 0.0034567816182971, 0.0004530975129455328, 0.007044544909149408, -0.03426029533147812, 0.030456125736236572, -0.045034974813461304, -0.010444378480315208, -0.0014408002607524395, 0.02667473629117012, 0.052392736077308655, 0.0014920539688318968, 0.018542472273111343, 0.03193679079413414, 0.056401919573545456, 0.03421473503112793, -0.008923850022256374, -0.0015062912134453654, -0.02979552187025547, 0.020888756960630417, 0.00714705279096961, 0.025034615769982338, 0.029339931905269623, -0.00912316981703043, 0.015421688556671143, 0.0055581857450306416, -0.010313396342098713, 0.04246089607477188, -0.004080369137227535, -0.0015860192943364382, -0.007596946787089109, 0.022551655769348145, 0.021822713315486908, -0.012175616808235645, -0.004852022975683212, -0.01601395383477211, -0.014487730339169502, 0.03779110684990883, -0.00764820072799921, 0.015808938071131706, -0.038565609604120255, 0.042050864547491074, -0.008844121359288692, 0.009214287623763084, 0.02092292532324791, -0.0010891425190493464, -0.00028474314603954554, -0.05266609042882919, 0.005014326423406601, 0.02329198829829693, 0.02708476595580578, 0.013713229447603226, -0.019248636439442635, -0.03357690945267677, 0.009424997493624687, -0.02845153398811817, -0.009795163758099079, -0.012688154354691505, -0.01596839539706707, -0.004740973003208637, -0.0016927978722378612, -0.036105427891016006, -0.010501326993107796, -0.026287486776709557, -0.005099749658256769, -0.022608604282140732, -0.06150451675057411, 0.020934315398335457, -0.0008278906461782753, -0.022380810230970383, 0.005116834305226803, 0.03913509473204613, -0.03845171257853508, 0.025854676961898804, -0.021868271753191948, 0.012972896918654442, 0.015421688556671143, -0.0012507342034950852, -0.04082077741622925, -0.010706341825425625, 0.0054101194255054, 0.003516577649861574, -0.013371537439525127, -0.03799612447619438, 0.009499031119048595, 0.029226034879684448, 0.0027306866832077503, 0.018701929599046707, 0.03883896395564079, 0.03341745585203171, -0.030319448560476303, 0.054215092211961746, -0.009624318219721317, 0.03271128982305527, 0.03462476655840874, -0.007454575039446354, -0.04180029034614563, 1.455971687391866e-05, -0.06578705459833145, 0.009333879686892033, 0.026651958003640175, 0.02017120271921158, -0.012893169187009335, 0.03341745585203171, -0.08360058069229126, -0.05312167853116989, 0.0014607323100790381, 0.029954977333545685, -0.024100659415125847, -0.022232742980122566, 0.04207364469766617, -0.02167464792728424, -0.048064641654491425, 0.013155132532119751, 0.0028445839416235685, 0.024989057332277298, 0.006008080206811428, 0.05184603109955788, 0.08255273103713989, -0.018747488036751747, -0.006839530076831579, -0.04656119644641876, 0.038565609604120255, 0.048019081354141235, -0.013815736398100853, -0.007984197698533535, 0.006065028719604015, 0.011452368460595608, 0.02185688354074955, -0.020854586735367775, 0.022471928969025612, -0.02797316573560238, 0.03104839101433754, -0.019237246364355087, -0.06013774871826172, 0.0441693551838398, 0.005637913942337036, -0.03883896395564079, 0.037449415773153305, -0.03772277012467384, -0.03772277012467384, 0.015808938071131706, 0.025102954357862473, 0.054215092211961746, -0.017152925953269005, 0.007574167568236589, 0.05193714797496796, 0.003727287519723177, 0.043873220682144165, -0.006845225114375353, 0.03134452551603317, -0.04833799600601196, 0.04448826611042023, -0.05804204195737839, -0.0008585005416534841, 0.08501291275024414, 0.013667670078575611, -0.08369170129299164, -0.015125554986298084, -0.0365837961435318, -0.020330660045146942, -0.021572139114141464, -0.019795343279838562, 0.00031855638371780515, 0.00614475691691041, 0.011731416918337345, 0.07102632522583008, -0.04528554901480675, -0.05731309950351715, -0.01633286662399769, -0.015387519262731075, 0.030228331685066223, -0.04357708990573883, 0.008052535355091095, 0.06492143124341965, 0.0003527255612425506, -0.009487641043961048, -0.01378156803548336, -0.0014009361620992422, 0.011184710077941418, -0.012392020784318447, -0.007762097753584385, -0.02708476595580578, 0.022813620045781136, 0.0032289871014654636, -0.030387787148356438, 0.05093485116958618, -0.009698350913822651, -0.04111690819263458, -0.03785944730043411, 0.04653841629624367, 0.025399086996912956, -0.030570022761821747, -0.012061718851327896, 0.027768149971961975, -0.034943677484989166, 0.019465040415525436, -0.025102954357862473, 0.03145842254161835, 0.03364524990320206, 0.04631062224507332, 0.044670503586530685, 0.02439679205417633, 0.03369080647826195, -0.048246875405311584, 0.006030859425663948, -0.02369062788784504, -0.018610810860991478, 0.0027819403912872076, 0.010233668610453606, -0.06633376330137253, 0.010022958740592003, -0.04423769190907478, 0.013667670078575611, 0.026150809600949287, -0.005771743133664131, -0.015068606473505497, -0.029909418895840645, 0.023667849600315094, 0.0028047198429703712, -0.048064641654491425, 0.03806446120142937, 0.04100301116704941, 0.0001840152544900775, 0.04077521711587906, 0.029203256592154503, -0.0225288774818182, 0.015569754876196384, 0.014578848145902157, 0.026287486776709557, 0.05494403466582298, -0.008434091694653034, 0.02149241231381893, -0.07899913191795349, -0.03776833042502403, 0.0008627717033959925, -0.040661320090293884, -0.01215283665806055, -0.024556247517466545, -0.04000071436166763, 0.01722126454114914, 0.006788276135921478, 0.03348579257726669, 0.012608425691723824, 0.042848147451877594, 0.0005630795494653285, -0.020285101607441902, 0.00718122161924839, -0.01552419550716877, 0.008422701619565487, -0.005230731330811977, -0.009812247939407825, 0.00538734020665288, 0.006742717232555151, 0.044761620461940765, 0.0003504120104480535, -0.045490562915802, -0.008473956026136875, -0.011133456602692604, 0.014738304540514946, 0.0029043799731880426, -0.016446763649582863, -0.031777333468198776, 0.021697426214814186, 0.025763558223843575, 0.0012941575841978192, 0.008519514463841915, -0.03883896395564079, 0.024419570341706276, -0.028223739936947823, 0.03011443465948105, -0.005780285689979792, 0.010091296397149563, -0.05303056165575981, 0.012836220674216747, -0.028041504323482513, -0.023007245734333992, -0.01788186840713024, 0.011515012010931969, -0.06965956091880798, 0.03359968960285187, -0.005219341721385717, 0.016173409298062325, 0.005629371851682663, 0.0025740780401974916, 0.0038611169438809156, 0.006691463757306337, -0.038611169904470444, 0.030980052426457405, 0.002878753002732992, 0.015934225171804428, -0.00566638819873333, -0.004103148356080055, 0.022745281457901, -0.024123437702655792, -0.00640102569013834, 0.003994946368038654, -0.002303571905940771, 0.05503515154123306, -0.012118667364120483, 0.011429589241743088, -0.003132174490019679, 0.04211920499801636, 0.03571818023920059, -0.010376039892435074, -0.00122154806740582, -0.00086134800221771, -0.012756492011249065, 0.03104839101433754, -0.02462458610534668, -0.036242105066776276, -0.05949992686510086, 0.054625123739242554, -0.0021170652471482754, -0.05599188804626465, 0.01945365034043789, -0.002322080312296748, 0.0017981529235839844, -0.03603709116578102, -0.03341745585203171, 0.012038939632475376, 0.011856704019010067, -0.0013617840595543385, -0.02908935770392418, -0.030661141499876976, -0.013610721565783024, -0.024100659415125847, 0.025125734508037567, 0.028292078524827957, -0.009869197383522987, 0.009094695560634136, 0.05617412552237511, 0.006782581564038992, 0.011674468405544758, -0.06323575228452682, 0.015273621305823326, 0.0006630955613218248, -0.0018166612135246396, 0.03806446120142937, -0.006532007362693548, 0.005395882297307253, -0.014282715506851673, -0.01039312407374382, -0.03883896395564079, 0.021378515288233757, -0.03262017294764519, -0.008713140152394772, 0.008923850022256374, 0.017187096178531647, 0.008234770968556404, 0.0024687228724360466, 0.022414978593587875, -0.027244223281741142, 0.01384990569204092, 0.015410298481583595, 0.03453364595770836, -0.00272641540504992, 0.023166701197624207, 0.021196279674768448, 0.035444825887680054, 0.032984644174575806, -0.005951131694018841, 0.0696140006184578, 0.004889039788395166, 0.011258743703365326, 0.02149241231381893, -0.010541190393269062, -0.008929545059800148, -0.015888666734099388, -0.019237246364355087, 0.04152693971991539, -0.01971561461687088, -0.0025527221150696278, -0.006292823236435652, 0.013758787885308266, -0.04079799726605415, -0.0057204896584153175, 0.014168818481266499, 0.007477354723960161, -0.020410388708114624, 0.02644694223999977, -0.045923370867967606, 0.03975014016032219, -0.008975103497505188, -0.01001726370304823, 0.0074147111736238, 0.017061809077858925, -0.03795056417584419, 0.006298518273979425, 0.014761083759367466, -0.004017725586891174, -0.0477457270026207, 0.02324642986059189, -0.019146127626299858, -0.004649855196475983, 0.025809118524193764, -0.011833924800157547, 0.002366215456277132, -0.04100301116704941, 0.029544947668910027, 0.004276841878890991, -0.020000357180833817, -0.025034615769982338, -0.0022936060559004545, 0.017232654616236687, -0.00024683671654202044, 0.021617699414491653, -0.008348668925464153, -0.015114165842533112, -0.025763558223843575, -0.020182592794299126, -0.032278481870889664, -0.021515190601348877, 0.016070902347564697, -0.013052625581622124, -0.01936253346502781, -0.01059244479984045, 0.02158352918922901, 0.03537648543715477, -0.013701839372515678, -0.03489811718463898, 0.03487534075975418, -0.012972896918654442, 0.019294194877147675, 0.045695576816797256, 0.004222740884870291, -0.015717821195721626, -0.012562867254018784, 0.005316154100000858, -0.01824633963406086, 0.006338382139801979, -0.013792957179248333, 0.016082292422652245, 0.02993219904601574, -0.005996690597385168, 0.0062244851142168045, -0.02149241231381893, -0.0776323676109314, 0.009926145896315575, 0.012198396027088165, -0.00098663498647511, -0.019305584952235222, -0.012323683127760887, -0.011856704019010067, -0.054351769387722015, 0.029431050643324852, 0.02756313607096672, 0.0032432242296636105, -0.009385134093463421, 0.01574060134589672, 0.01396380364894867, 0.01681123487651348, 0.008684665895998478, 0.021697426214814186, -0.0033599690068513155, -0.04558167979121208, 0.061003368347883224, 0.006976206786930561, -0.02369062788784504, 0.03371358662843704, 0.01708458736538887, 0.002565535716712475, 0.02640138380229473, -0.012608425691723824, -0.05344059318304062, -0.00515385065227747, -0.005321849137544632, 0.02320087142288685, -0.01824633963406086, -0.026310265064239502, -0.03662935644388199, 0.028702108189463615, 0.0036817286163568497, 0.052256058901548386, -0.033303555101156235, -0.001428698655217886, -0.03328077867627144, -0.011520707048475742, -0.0017682549078017473, -0.03626488521695137, 0.010791764594614506, 0.005037106107920408, -0.0012948693474754691, -0.0011425318662077188, 0.018439965322613716, -0.0031492591369897127, -0.008081010542809963, 0.0006150451954454184, 0.024510689079761505, 0.008012671954929829, -0.006230179686099291, 0.018758878111839294, 0.026697516441345215, -0.012540088035166264, -0.01801854558289051, -0.0162759181112051, 0.002306419424712658, -0.003844032296910882, -0.013348758220672607, 0.06255237013101578, 0.017551567405462265, -0.019385311752557755, 0.010666477493941784, 0.04225588217377663, 0.007278034463524818, 0.015262232162058353, 0.015615313313901424, -0.026173589751124382, -0.006093502976000309, -0.023030024021863937, 0.016298696398735046, 0.025945793837308884, 0.05749533325433731, -0.018496913835406303, -0.006326992530375719, -0.030046096071600914, 8.270898251794279e-05, -0.008958019316196442, 0.012938727624714375, -0.01110498234629631, -0.021708816289901733, -0.0025114344898611307, -0.00616753613576293, 0.04665231332182884, 0.014863591641187668, -0.02895268239080906, 0.006013774778693914, -0.022289693355560303, 0.008975103497505188, -0.01659482903778553, -0.0007453151629306376, 0.03366802632808685, -0.0007979926303960383, 0.018394406884908676, 0.004086064174771309, -0.020353438332676888, 0.03751775622367859, 0.00345108681358397, 0.023804526776075363, 0.01110498234629631, -0.016515102237462997, 0.029112137854099274, 0.019373923540115356, 0.012209785170853138, 0.005538254044950008, 0.003516577649861574, -0.04631062224507332, -0.01997757889330387, -0.014328274875879288, 0.011304302141070366, 0.0013069709530100226, 0.0025698067620396614, -0.030228331685066223, 0.024077879264950752, 0.03808724135160446, -0.006680074147880077, -0.04852022975683212, 0.007745013106614351, 0.04022850841283798, -0.014066310599446297, -0.02066096104681492, -0.014954709447920322, 0.00564360897988081, -0.0002121336292475462, -0.0028502787463366985, -0.01632147654891014, -0.008792867884039879, 0.0310028325766325, -0.02546742558479309, -0.008240466006100178, -0.03277963027358055, -0.0245334692299366, -9.529996896162629e-05, 0.029021020978689194, -0.025581322610378265, -0.010364649817347527, 0.026378603652119637, -0.010666477493941784, -0.005842929240316153, -0.005623676814138889, -0.04435158893465996, 0.00040682675899006426, 0.0013162251561880112, 0.024282895028591156, -0.038565609604120255, 0.009658487513661385, 0.04348597303032875, 0.009214287623763084, 0.03380470350384712, -0.003849727101624012, -0.00793863832950592, -0.025581322610378265, 0.004806464072316885, -0.015182503499090672, -0.006053639110177755, 0.02078624814748764, 0.009521810337901115, 0.0027719743084162474, -0.010894272476434708, -0.014134649187326431, -0.001949066761881113, -0.0023534020874649286, -0.006662989500910044, 0.00419141910970211, 0.008041146211326122, -0.013405706733465195, -0.018622200936079025, -0.02096848376095295, 0.009333879686892033, 0.0007602641708217561, 0.021936610341072083, -0.025057395920157433, -0.012198396027088165, -0.016446763649582863, 0.01931697502732277, -0.029431050643324852, 0.011526402086019516, -0.0503881461918354, 0.024123437702655792, -0.04653841629624367, -0.014897760935127735, 0.021287396550178528, -0.004054742399603128, 5.316688111633994e-05, 0.028200959786772728, 0.00883273221552372, 0.024966277182102203, 0.005384492687880993, 0.013941023498773575, -0.001264971331693232, -0.003963624592870474, -0.01962449587881565, -0.006395330652594566, 0.01922585628926754, 0.004390738904476166, 0.018701929599046707, 0.02662917785346508, 0.03455642610788345, 0.008866901509463787, -0.0022893347777426243, -0.007175527047365904, 0.037130504846572876, 0.0065547870472073555, 0.03207346796989441, -0.0061960103921592236, -0.0008649072842672467, 0.02105960249900818, 0.041777513921260834, -0.021788544952869415, -0.03920343518257141, 0.0446021631360054, 0.00740332156419754, 0.012426190078258514, -0.005373103078454733, -0.02315531112253666, 0.030980052426457405, 0.029112137854099274, -0.020239541307091713, 0.014351054094731808, 0.02141268365085125, -0.0016016801819205284, -0.027198664844036102, 0.016617609187960625, 0.0027463475707918406, 0.030888935551047325, -0.00036518307751975954, -0.00344539200887084, -0.04348597303032875, 0.022449148818850517, 0.003656101878732443, -0.024556247517466545, 0.026697516441345215, -0.029112137854099274, -0.012813441455364227, -0.013462655246257782, -0.0035621365532279015, 0.029636064544320107, -0.009396523237228394, 0.03150397911667824, 0.010899967513978481, 0.00889537576586008, 0.009333879686892033, 0.008593548089265823, 0.015045827254652977, -0.02542186714708805, -0.029408270493149757, 0.00018330338934902102, 0.030547242611646652, 0.007562777493149042, -0.01088288240134716, -0.03193679079413414, -0.007762097753584385, -0.025672441348433495, -0.0004666228196583688, 0.01429410558193922, -0.05767757073044777, 0.006127672269940376, 0.01703902892768383, 0.007061629556119442, 0.012448970228433609, 0.00592265697196126, -0.016754286363720894, 0.03259739279747009, 0.02337171696126461, -0.025809118524193764, -0.013257640413939953, 0.037358298897743225, 0.04530832916498184, 0.008303109556436539, 0.04530832916498184, -0.010581054724752903, 0.06296240538358688, -0.013690450228750706, -0.0004217757668811828, 0.04523998871445656, 0.005008631851524115, 0.06651599705219269, 0.010740511119365692, 0.02956772781908512, 0.008177822455763817, 0.002565535716712475, 0.0032973254565149546, -0.009504726156592369, 0.01726682297885418, -0.01859942078590393, 0.011788365431129932, 0.01298428699374199, 0.011389724910259247, -0.03590041399002075, -0.012813441455364227, -0.04542222619056702, -0.021970780566334724, 0.03259739279747009, -0.01259703654795885, -0.027198664844036102, 0.004168639425188303, 0.022369420155882835, 0.014556068927049637, 0.04631062224507332, 0.0006420957506634295, 0.021162109449505806, -0.0030268195550888777, -0.0014144615270197392, -0.01641259342432022, -0.008211991749703884, -0.018565252423286438, -0.019430872052907944, -0.01596839539706707, 0.011811145581305027, 0.030570022761821747, 0.0148294223472476, -0.01034756563603878, -0.027995944023132324, -0.016173409298062325, -0.01726682297885418, -0.009305405430495739, -0.006765496917068958, -0.045080531388521194, 0.01056966558098793, -0.009350964799523354, 0.009504726156592369, -0.001412325887940824, -0.04152693971991539, 0.0044960943050682545, 0.003778541460633278, 0.01179975550621748, 0.014590238220989704, 0.00011736756277969107, -0.020581234246492386, -0.02560410276055336, -0.004094606265425682, 0.01771102286875248, 0.054534003138542175, 0.017961597070097923, -0.0450577549636364, 0.00939082819968462, -0.022358030080795288, -0.0468345507979393, 0.005321849137544632, -0.01779075153172016, -0.0011937855742871761, 0.010165330022573471, -0.027813708409667015, 0.023143921047449112, -0.019567547366023064, -0.02635582536458969, 0.009151644073426723, -0.0007979926303960383, -0.05161823704838753, 0.007369152270257473, -0.0325518362224102, 0.009920450858771801, -0.010934135876595974, -0.02234664186835289, 0.03558150306344032, 0.01832606829702854, 0.003795625874772668, 0.009521810337901115, 0.027540355920791626, 0.0013518179766833782, 0.001916321343742311, 0.003266003681346774, 0.013587942346930504, 0.019396701827645302, -0.023667849600315094, -0.023030024021863937, -0.007409016136080027, -0.02523963153362274, -0.008935239166021347, -0.029636064544320107, -0.022107457742094994, -0.015911446884274483, 0.03296186402440071, 0.015057217329740524, -0.003852574620395899, -0.023007245734333992, 0.015228062868118286, 0.007175527047365904, 0.0020629640202969313, -0.004108843393623829, -0.025171292945742607, 0.0019305584719404578, -0.029271593317389488, 0.007306508719921112, 0.005617982242256403, -0.002831770572811365, 0.003394138067960739, 0.024647366255521774, 0.0220846775919199, 0.018565252423286438, 0.02239220030605793, 0.04018295183777809, 0.008667580783367157, 0.018713319674134254, 0.005563880782574415, 0.03250627592206001, 0.012893169187009335, -0.023850085213780403, 0.0007122137467376888, 0.01682262495160103, 0.011788365431129932, -0.00417148694396019, -0.014795253053307533, -0.004293926525861025, -0.015057217329740524, 0.006588956341147423, -0.014282715506851673, -0.0013325979234650731, 0.022688332945108414, 0.0007837555021978915, -0.007443185430020094, -0.016537880524992943, 0.019863681867718697, 0.00961292814463377, 0.0011090744519606233, -0.024282895028591156, -0.0015361892292276025, -0.0316634364426136, -0.012562867254018784, -0.025945793837308884, -0.01664038933813572, -0.04161805659532547, 0.0071527473628520966, -0.04223310202360153, 0.0022551657166332006, 0.006606040522456169, -0.015091385692358017, 0.029636064544320107, -0.0015205283416435122, 0.004365112166851759, 0.007733623497188091, -0.034191954880952835, -0.003337189555168152, 0.001502020051702857, 0.02756313607096672, 0.0325518362224102, 0.004561584908515215, -0.0162873063236475, 0.04234699904918671, 0.021617699414491653, -0.04227866232395172, 0.011560571379959583, -0.03715328499674797, -0.014237157069146633, -0.028041504323482513, 0.06145895645022392, 0.00021284549438860267, 0.02056984417140484, -0.014089089818298817, 0.04223310202360153, -0.01869053952395916, 0.018770268186926842, -0.0347842201590538, -0.04170917347073555, 0.001859372714534402, -0.0034140702337026596, 0.007135662715882063, 0.005122528877109289, 0.037130504846572876, -0.02078624814748764, 0.023895643651485443, -0.054123975336551666, -0.006110587622970343, 0.009026356972754002, 0.012209785170853138, -0.020398998633027077, 0.011811145581305027, 0.03446530923247337, 0.019783953204751015, 0.005373103078454733, -0.004769447259604931, 0.05603744834661484, 0.022745281457901, 0.005148156080394983, -0.003348579164594412, 0.013257640413939953, 0.012676764279603958, 0.04054742306470871, 0.01682262495160103, -0.001540460390970111, 0.01351960375905037, 0.009743910282850266, 0.0011361250653862953, 0.024328453466296196, -0.009214287623763084, 0.024123437702655792, 0.00017511702026240528, 0.024077879264950752, 0.03015999309718609, 0.013884074985980988, 0.000785179203376174, 0.015079996548593044, -0.018439965322613716, 0.007352067623287439, -0.005233578849583864, -2.7784701160271652e-05, -0.00664590485394001, -0.003593458328396082, -0.0006299942033365369, 0.005458525847643614, -0.012904559262096882, -0.010763290338218212, 0.03305298462510109, 0.030091654509305954, 0.019476430490612984, 0.010643698275089264, -0.04403267800807953, 0.027403678745031357, -0.018610810860991478, 0.02993219904601574, 0.011833924800157547, 0.005065580364316702, -0.009128864854574203, 0.010108381509780884, -0.025945793837308884, -0.00020074390340596437, -0.0004107419808860868, 0.012004770338535309, 0.013155132532119751, 0.020752079784870148, 0.018007155507802963, -0.006372551433742046, -0.01007990725338459, 0.010472852736711502, 0.03328077867627144, 0.007972807623445988, 0.0034567816182971, 0.00943069253116846, -0.0041145384311676025, 0.006492143496870995, -0.011970601044595242, 0.012448970228433609, 0.011606129817664623, 0.020319269970059395, -0.023178091272711754, -0.025399086996912956, 0.018451355397701263, 0.010945525951683521, 0.01726682297885418, -0.012278123758733273, -0.005281985271722078, -0.026287486776709557, 0.01431688480079174, 0.003328647231683135, 0.004242672584950924, 0.0046925670467317104, -0.027631472796201706, 0.03353135287761688, 0.02011425420641899, -0.006879393942654133, -0.009174424223601818, 0.000490825972519815, 0.013177912682294846, -0.012437580153346062, -0.01059244479984045, -0.004843480885028839, 0.009806553833186626, -0.017232654616236687, -0.01534195989370346, -0.023269208148121834, 0.017733803018927574, 0.01006282214075327, -0.002401808276772499, -0.012255344539880753, -0.02015981450676918, 0.004501788876950741, -0.0014635797124356031, -0.047836847603321075, -0.009971704334020615, 0.02323503978550434, -0.03542204573750496, -0.023041414096951485, -0.01833745837211609, 0.01531918067485094, 0.011025253683328629, 0.00545283081009984, 0.04093467444181442, 0.03514869138598442, 0.020228153094649315, 0.012950117699801922, 0.01380434725433588, -0.013530993834137917, -0.030228331685066223, 0.00858785305172205, -0.023121142759919167, -0.05735865607857704, -0.007921554148197174, -0.02480682171881199, -0.013064014725387096, 0.0026780092157423496, 0.03173177316784859, -0.026538060978055, 0.004430603235960007, 0.0022651315666735172, 0.023485613986849785, -0.007021765690296888, 0.01869053952395916, 0.0029926502611488104, 0.033257998526096344, 0.024237334728240967, -0.013075404800474644, 0.025262411683797836, 0.004174334462732077, 0.004598601721227169, 0.0009033475653268397, -0.021344345062971115, 0.007745013106614351, -0.034989237785339355, 0.0014607323100790381, -0.006930647883564234, 0.016048122197389603, 0.009350964799523354, 0.017961597070097923, 0.02265416458249092, -0.02364506945014, 0.005310459528118372, -0.013007066212594509, -0.032187364995479584, 0.02569521963596344, -0.02426011487841606, -0.013599332422018051, -0.008513819426298141, 0.023348936811089516, -0.03444252908229828, -0.000676264928188175, 0.014077700674533844, 0.0132690304890275, -0.010546885430812836, -0.06227901950478554, -0.00818351749330759, 0.024692924693226814, -0.005803064908832312, -0.014704135246574879, 0.003328647231683135, -0.0006467228522524238, 0.0432581752538681, -0.019385311752557755, 0.014738304540514946, -0.017608515918254852, 0.016127850860357285, 0.013758787885308266, -0.030046096071600914, 0.01574060134589672, 0.041413042694330215, -0.0013454112922772765, 0.04273425042629242, -0.04152693971991539, -0.03988681733608246, 0.0077791824005544186, -0.014134649187326431, 0.02997775748372078, 0.009413608349859715, -0.0065433974377810955, 0.009094695560634136, 0.0044334507547318935, 0.02783648855984211, -0.0007438914617523551, -0.031914010643959045, 0.02141268365085125, -0.011201795190572739, -0.008986493572592735, 0.005657846108078957, -0.00023259954468812793, -0.003983556292951107, 0.005296222399920225, 0.009948925115168095, 0.021572139114141464, 0.009544589556753635, -0.06815611571073532, 0.021572139114141464, -0.014943319372832775, 0.028292078524827957, -0.02301863580942154, -0.006816750392317772, -0.025034615769982338, 0.07079853117465973, -0.00862771738320589, -0.036242105066776276, 0.017642684280872345, -0.027107546105980873, 0.015148335136473179, -0.021127941086888313, 0.03268851339817047, -0.023895643651485443, 0.014761083759367466, 0.0019063552608713508, 0.03164065629243851, 0.02239220030605793, -0.03230126202106476, -0.0003883184399455786, 0.022471928969025612, 0.017107367515563965, -0.025581322610378265, -0.039772920310497284, -0.007078714203089476, 0.023485613986849785, -0.029909418895840645, 0.013747398741543293, 0.001025075325742364, 0.0055581857450306416, -0.004516026005148888, 0.03699382767081261, -0.022540265694260597, -0.019419481977820396, 0.0038554221391677856, -0.010216583497822285, 0.004777989815920591, -0.004638465587049723, 0.005324696656316519, 0.009578758850693703, -0.005338933784514666, -0.0031179373618215322, -0.024123437702655792, -0.012870389968156815, 0.012243954464793205, 0.0050826650112867355, -0.0032859358470886946, 0.028360415250062943, -0.022995855659246445, 0.0032460717484354973, -0.005037106107920408, 0.0017881868407130241, -0.0050940546207129955, 0.002636721357703209, 0.02426011487841606, 0.00718122161924839, 0.01090566162019968, 0.003308715298771858, 0.007198306266218424, 0.004721041303128004, 0.007243865169584751, 0.003006887389346957, 0.023303378373384476, 0.02288195863366127, -0.002356249373406172, 0.01743767037987709, 0.0037984733935445547, -0.0016885268269106746, -0.01108220312744379, 0.025102954357862473, -0.019875070080161095, -0.019077789038419724, -0.01846274547278881, 0.022608604282140732, 0.023918423801660538, -0.020865976810455322, -0.023850085213780403, 0.018052713945508003, -0.01101955957710743, 0.019886460155248642, 0.020535673946142197, 0.008542293682694435, -0.008975103497505188, 0.011543486267328262, 0.017540177330374718, 0.011674468405544758, -0.015421688556671143, -0.01501165796071291, -0.01177697628736496, 0.039226215332746506, -0.00370166078209877, -0.006492143496870995, 0.026788633316755295, -0.0009033475653268397, 0.038611169904470444, -0.008046841248869896, 0.045604459941387177, 0.001063515548594296, -0.01806410402059555, 0.041640836745500565, 0.0030894631054252386, -0.04943140968680382, -0.029453828930854797, -0.01641259342432022, -0.03854282945394516, 0.010467157699167728, 0.008035451173782349, 0.024510689079761505, 0.02136712521314621, 0.007055934984236956, -0.003789931070059538, 0.04710790514945984, -0.03068391978740692, 0.015285011380910873, 0.0024772651959210634, -0.02797316573560238, -0.010199499316513538, -0.023622291162610054, 0.01922585628926754, -0.020945705473423004, 0.015330570749938488, 0.010091296397149563, 0.04072965681552887, 0.02551298402249813, -0.00565499858930707, 0.04765461012721062, 0.013906854204833508, 0.005740421358495951, 0.02373618818819523, -0.03574095666408539, 0.0031720385886728764, 0.026173589751124382, -0.02555854432284832, 0.020672351121902466, -0.001531918067485094, -0.013212081044912338, -0.0028474312275648117, 0.019465040415525436, 0.04298482462763786, 0.03152675926685333, -0.0072153909131884575, -0.032847966998815536, -0.005797370336949825, -0.028292078524827957, 0.009983094409108162, 0.0015575449215248227, 0.036014311015605927, 0.04227866232395172, 0.027130326256155968, -0.015079996548593044, 0.04004627466201782, -0.003590610809624195, -0.004510331433266401, -0.007551387883722782, -0.05307612195611, 0.03412361815571785, -0.018804436549544334, 0.014556068927049637, -0.0074602700769901276, 0.0017383567756041884, 0.032232921570539474, 0.02047872543334961, 0.013485434465110302, 0.009214287623763084], "b85898f8-4f69-4654-ae10-15ef39064e9c": [0.0019209615420550108, -0.00399172306060791, 0.022264355793595314, 0.018116958439350128, 0.03249773383140564, 0.019597332924604416, 0.025800803676247597, 0.0270696971565485, 0.01517970860004425, 0.04528064653277397, 0.03409560024738312, -0.055408284068107605, -0.058557018637657166, 0.036233916878700256, -0.003803738858550787, -0.0025157546624541283, -0.026717226952314377, 0.0250958651304245, -0.035059016197919846, 0.04278985783457756, 0.06048385426402092, 0.052917495369911194, 0.03987610712647438, -0.001021428732201457, 0.04438772425055504, -0.008089186623692513, -0.016272366046905518, 0.026999201625585556, 0.008441656827926636, -0.028761552646756172, 0.0035628844052553177, -0.009146596305072308, -0.058838993310928345, -0.01940934918820858, -0.007824834436178207, -0.03249773383140564, -0.043118830770254135, -0.0010309747885912657, 0.027539657428860664, 0.003762617241591215, 0.014369027689099312, 0.024367425590753555, -0.006996529642492533, 0.01016876008361578, -0.0019738320261240005, 0.011831243522465229, -0.039030179381370544, -0.02533084526658058, -0.0317222997546196, 0.028479576110839844, -0.03952363505959511, 0.028080111369490623, -0.008676636964082718, 0.05136662721633911, 0.024508414790034294, 0.009504941292107105, 0.00593911949545145, -0.0016345796175301075, -0.010926569811999798, -0.03724433109164238, -0.011766623705625534, 0.02273431606590748, -0.010145261883735657, 0.050896670669317245, -0.01730627752840519, -0.0033484650775790215, -0.021042458713054657, 0.005710014142096043, -0.0065970635041594505, 0.01821095123887062, 0.025448335334658623, 0.04342430457472801, 0.04069853574037552, -0.035599470138549805, -0.07810735702514648, 0.00997490156441927, 0.03198077902197838, 0.02681121788918972, 0.04530414566397667, 0.0010082110529765487, 0.016295863315463066, -0.0422259084880352, -0.07190388441085815, 0.0012211616849526763, 0.00673217698931694, -0.006532444152981043, -0.026599736884236336, -0.00393297802656889, -0.07890628278255463, -0.04542163386940956, -0.027915624901652336, 0.031651806086301804, -0.05042671039700508, 0.058698005974292755, 0.03710334375500679, 0.02732817456126213, -0.02944299392402172, 0.01446301955729723, -0.028973033651709557, 0.07011803239583969, 0.05799306556582451, -0.0283855851739645, 0.004214953631162643, -0.0007137517677620053, 0.0766504779458046, -0.005483845714479685, 0.016284113749861717, 0.020830977708101273, 0.0158611498773098, -0.03153431788086891, -0.07500562071800232, 0.0029108147136867046, 0.0448811799287796, 0.06367958337068558, 0.030688388273119926, 0.0019238988170400262, 0.003272096626460552, -0.024108948186039925, 0.025401338934898376, -0.005002136807888746, -0.032568227499723434, -0.0009869160130620003, 0.007231509778648615, -0.050144731998443604, -0.025542326271533966, 0.027046198025345802, 0.021300937980413437, 0.01649559661746025, -0.03724433109164238, 0.0048934584483504295, 0.0015405876329168677, 0.013511350378394127, 0.0178349819034338, 0.03219226002693176, -0.01248918753117323, -0.009469694457948208, 0.01129666343331337, -0.034777041524648666, -0.04335381090641022, -0.016989054158329964, -0.006996529642492533, -0.050238724797964096, -0.003950601443648338, 0.06010788679122925, 0.02549532987177372, -0.015626169741153717, -0.029231512919068336, -0.016448600217700005, -0.012124968692660332, -0.03642190247774124, 0.00246141548268497, 0.014510015025734901, -0.010715087875723839, 0.05757009983062744, -0.03075888194143772, -0.04607957974076271, -0.017506010830402374, 0.023850470781326294, 0.0071316431276500225, 0.03529399633407593, -0.027657145634293556, -0.0356934629380703, -0.004673164803534746, -7.701102731516585e-05, -0.022781310603022575, 0.0356464684009552, 0.017341524362564087, -0.019209615886211395, -0.029771966859698296, 0.012500936165452003, -0.04716048762202263, 0.0014583446318283677, -0.03801976516842842, -0.0171770378947258, -0.0010471296263858676, -0.014557011425495148, 0.020924968644976616, -0.08642564713954926, -0.006326836533844471, -0.03515300899744034, -0.007789587136358023, 0.02087797410786152, -0.028103608638048172, -0.06104780361056328, 0.016660083085298538, -0.019515089690685272, 0.03129933774471283, 0.0343070812523365, -0.03754980489611626, -0.023803474381566048, 0.0009421229478903115, 0.01703605055809021, 0.010532978922128677, -0.05122563987970352, 0.0003719292872119695, -0.04544513300061226, 0.01796422153711319, 0.0035129510797560215, 0.02535434253513813, -0.010908946394920349, -0.014145796187222004, -0.039688121527433395, 0.009745795279741287, 0.01050360593944788, -0.018798399716615677, -0.02998344786465168, -0.024508414790034294, 0.003659813664853573, -0.005472097080200911, -0.03985260799527168, 0.035317495465278625, -0.0165073461830616, 0.013993059284985065, 0.07068198174238205, -0.027492661029100418, 0.02615327388048172, -0.06222270429134369, 0.013241123408079147, -0.025448335334658623, 0.03249773383140564, 0.0016331110382452607, 0.009493191726505756, -0.006444326601922512, 0.008159680292010307, 0.0012703606626018882, 0.034025102853775024, -0.0017212285893037915, 0.025565825402736664, 0.03052390180528164, -0.04464619979262352, 0.012066223658621311, 0.009786916896700859, 0.009886783547699451, 0.018398934975266457, 0.0230867862701416, -0.042178910225629807, 0.05240054056048393, -0.0031927907839417458, -0.04046355560421944, -0.04004059359431267, -0.014615756459534168, 0.02497837506234646, 0.026740724220871925, 0.0330146923661232, 0.005198932718485594, -0.01861041598021984, -0.022123366594314575, -0.03364913538098335, -0.0009538719314150512, -0.01036849245429039, 0.002254339400678873, 0.022076372057199478, 0.020372767001390457, -0.056348204612731934, -0.029278509318828583, -0.03595194220542908, 0.006326836533844471, 0.03536449000239372, 0.01017463393509388, -0.04699600115418434, 0.016307612881064415, -0.004317757673561573, -0.06184673681855202, 0.007278505712747574, -0.006000801920890808, 0.015332445502281189, -0.01834018900990486, 0.030829377472400665, -0.049204811453819275, 0.00495220348238945, -0.01688331365585327, 0.022804809734225273, 0.05070868507027626, -0.009593058377504349, 0.014498266391456127, 0.044552210718393326, 0.0672982707619667, 0.022346599027514458, -0.005974366795271635, -0.013781577348709106, -0.036633383482694626, 0.021312685683369637, 0.0118782389909029, 0.05371642857789993, 0.03050040453672409, -0.0007247664616443217, 0.01850467547774315, -0.00766034796833992, -0.011602138169109821, 0.02866755984723568, 0.006450200919061899, -0.01439252495765686, 0.0003535714640747756, 0.010738586075603962, 0.034659549593925476, -0.017106544226408005, -0.006626436021178961, 0.010350869037210941, 0.0016125502297654748, 0.052635520696640015, 0.01367583591490984, 0.032004278153181076, -0.03456556051969528, 0.026881713420152664, -0.014533513225615025, 0.029912954196333885, 0.015532177872955799, 0.0316988043487072, -0.011049934662878513, -0.04873485118150711, 0.012230709195137024, 0.03064139187335968, 0.031252339482307434, 0.0022381844464689493, -0.02761015109717846, -0.042084917426109314, -0.005598398391157389, -0.008112684823572636, -0.01846942864358425, -0.014416023157536983, -0.010679841041564941, 0.009792791679501534, 0.012571429833769798, -0.03263872116804123, -0.01353484857827425, -0.01624886691570282, 0.014145796187222004, -0.009481443092226982, -0.05428038164973259, 0.011613886803388596, -0.0038918564096093178, -0.008606142364442348, -0.00366568798199296, 0.023404007777571678, -0.0264117531478405, 0.019726570695638657, -0.021101204678416252, 0.02325127087533474, 0.004029907286167145, -0.013558345846831799, -0.03987610712647438, -0.03233324736356735, -0.013993059284985065, 0.01260667759925127, 0.025260349735617638, -0.028832046315073967, 0.021970629692077637, 0.02944299392402172, 0.014298533089458942, 0.024625904858112335, 0.034025102853775024, 0.01890414208173752, -0.032427240163087845, 0.07425367832183838, -0.02998344786465168, 0.024649402126669884, 0.030970364809036255, -0.01233645062893629, -0.037032850086688995, 0.010597597807645798, -0.04436422511935234, -0.002022296655923128, 0.02850307524204254, 0.027962621301412582, -0.021195195615291595, 0.033108681440353394, -0.07509960979223251, -0.06584139913320541, -0.0002738985640462488, 0.02850307524204254, -0.013816824182868004, -0.029771966859698296, 0.042084917426109314, -0.013816824182868004, -0.04081602767109871, 0.031087854877114296, -0.008606142364442348, 0.023216024041175842, -0.004029907286167145, 0.04636155441403389, 0.08614367246627808, -0.021430175751447678, -0.024790391325950623, -0.03367263451218605, 0.04408225044608116, 0.045116160064935684, -0.006397330667823553, -0.02032577060163021, -0.005583712365478277, 0.01274766493588686, 0.014944728463888168, -0.024132447317242622, 0.011631510220468044, -0.021077705547213554, 0.025565825402736664, -0.009093726053833961, -0.05174259841442108, 0.05493832379579544, 0.007119894027709961, -0.033061686903238297, 0.020537251606583595, -0.028714556246995926, -0.03952363505959511, 0.010021897032856941, 0.02152416855096817, 0.05268251523375511, -0.05376342684030533, 0.029372500255703926, 0.054750341922044754, 0.00697303144261241, 0.05968492105603218, -0.006232844665646553, 0.024249937385320663, -0.05240054056048393, 0.05493832379579544, -0.04817090183496475, -0.01175487507134676, 0.09173619747161865, 0.005924433469772339, -0.0660293847322464, 0.008823499083518982, -0.04123898968100548, -0.04344780370593071, -0.039288654923439026, -0.02138318121433258, 0.007677971851080656, 0.0158611498773098, 0.00864139012992382, 0.05456235632300377, -0.03658638522028923, -0.031510818749666214, -0.0049845133908092976, 0.01846942864358425, 0.030993862077593803, -0.03900668025016785, 0.013111884705722332, 0.052776508033275604, 0.009493191726505756, 0.004035781603306532, -0.008576770313084126, 0.01731802709400654, 0.027281178161501884, -0.01367583591490984, -0.01663658395409584, -0.0224758367985487, 0.015308947302401066, 0.015226704068481922, -0.02166515588760376, 0.04051055386662483, 0.00978104304522276, -0.04462270438671112, -0.022628573700785637, 0.027939122170209885, 0.014944728463888168, -0.022558080032467842, -0.007290254812687635, 0.03381362184882164, -0.027422167360782623, -0.0018093460239470005, -0.017247531563043594, 0.017212284728884697, 0.04128598794341087, 0.05310548096895218, 0.042719364166259766, 0.02958398312330246, 0.03235674649477005, -0.03129933774471283, -0.0018901204457506537, -0.026364756748080254, -0.015167959034442902, 0.006890788674354553, 0.027281178161501884, -0.02151241898536682, 0.012265956029295921, -0.025189856067299843, 0.004038718994706869, 0.02220560982823372, -0.0112202949821949, 0.003586382372304797, -0.03183979168534279, 0.0356229692697525, -0.012912151403725147, -0.052212558686733246, 0.03226275369524956, 0.030429910868406296, 0.000721462070941925, 0.02405020408332348, 0.020936718210577965, 0.008535648696124554, 0.007536983583122492, 0.001894526300020516, 0.01956208609044552, 0.06038986146450043, -0.009258212521672249, 0.02061949484050274, -0.06570041179656982, -0.046808015555143356, 0.011966357007622719, -0.04051055386662483, 0.001417957479134202, -0.04149746894836426, -0.030218428000807762, 0.03482403606176376, 0.03404860198497772, 0.04046355560421944, -0.00136068114079535, 0.02415594458580017, -0.022945797070860863, -0.045351140201091766, -0.002125100465491414, -0.029818963259458542, 0.03487103432416916, -0.010474233888089657, -0.004173832479864359, 0.008811750449240208, 0.007184513844549656, 0.04631455987691879, -0.004103338345885277, -0.04995675012469292, -0.015073967166244984, -0.014615756459534168, 0.01346435397863388, 0.004018158186227083, -0.015825903043150902, -0.04915781691670418, 0.022934049367904663, 0.011737251654267311, -0.0028226973954588175, 0.003392523853108287, -0.04685501381754875, 0.016331110149621964, -0.03329666703939438, 0.022746063768863678, 0.019197866320610046, 0.0004093792231287807, -0.0568181648850441, 0.010086516849696636, -0.024484915658831596, -0.0008150868816301227, -0.0343305803835392, 0.014768493361771107, -0.056442197412252426, 0.03482403606176376, -0.0028388521168380976, 0.022558080032467842, -0.0028917226009070873, 0.0025084116496145725, 0.003236849559471011, 0.008940989151597023, -0.03285020589828491, 0.024907881394028664, 0.004596796352416277, 0.0005367824342101812, -0.021089455112814903, 0.005331108812242746, 0.04441121965646744, -0.026388254016637802, -0.001060347305610776, -0.01624886691570282, 0.00505794445052743, 0.03590494394302368, 0.0005683578783646226, -0.0024775704368948936, -0.006085982080549002, 0.02695220708847046, 0.04046355560421944, 0.006279840599745512, -0.01142590306699276, 0.00811855960637331, -0.02217036299407482, 0.033061686903238297, -0.02481388859450817, -0.02721068449318409, -0.06429053097963333, 0.050191730260849, -0.01821095123887062, -0.05517330393195152, 0.028714556246995926, 0.014968226663768291, 0.0019048067042604089, -0.02998344786465168, -0.033085186034440994, 0.003345527919009328, 0.005707076750695705, -0.008288919925689697, -0.03895968571305275, -0.03740881755948067, 0.004044593311846256, -0.031910285353660583, 0.02350975014269352, 0.026740724220871925, 8.77732929893682e-07, 0.007595728617161512, 0.06880214810371399, -0.011461149901151657, 0.009546062909066677, -0.05080267786979675, 4.8648205847712234e-05, 0.0056600808165967464, -0.0032750337850302458, 0.039171166718006134, -0.008265421725809574, 0.012442191131412983, -0.023451004177331924, -0.0019415222341194749, -0.03259172663092613, 0.008653138764202595, -0.042460888624191284, -0.00838878657668829, 0.008371162228286266, 0.019468093290925026, 0.020161284133791924, 0.006033111829310656, 0.015273700468242168, -0.030077440664172173, 0.015767158940434456, -0.004808278288692236, 0.02812710590660572, -0.009910281747579575, 0.01795247197151184, 0.008412283845245838, 0.031910285353660583, 0.027116691693663597, -0.005457410588860512, 0.06668732315301895, -0.0074371169321238995, 0.0057305749505758286, 0.025424836203455925, -0.009034981019794941, -0.021817892789840698, -0.02455541118979454, -0.016836317256093025, 0.05470334365963936, -0.00432363199070096, 0.002270494354888797, 0.022652072831988335, 0.010955942794680595, -0.019632579758763313, 0.007260882295668125, 0.00489052152261138, 0.00442937295883894, -0.017670495435595512, 0.03089987114071846, -0.03327316790819168, 0.0244379211217165, -0.0064795734360814095, -0.023192526772618294, 0.02191188558936119, 0.0007842457853257656, -0.029630977660417557, 0.03075888194143772, 0.00752523448318243, 0.019891057163476944, -0.05616022273898125, 0.0283855851739645, -0.0204550102353096, -0.009616556577384472, 0.03444806858897209, -0.005991990212351084, -0.006091856397688389, -0.053951408714056015, 0.010744460858404636, 0.0016962619265541434, -0.005151936784386635, -0.0048405881971120834, -0.009469694457948208, 0.021829642355442047, -0.0016184247797355056, 0.01942109689116478, -0.01994980312883854, -0.0009032043744809926, -0.020431511104106903, -0.020490257069468498, -0.039288654923439026, -0.0283855851739645, -0.002940187230706215, -0.007149266544729471, -0.026482246816158295, -0.03287370130419731, 0.02165340818464756, 0.022276105359196663, -0.008177303709089756, -0.03463605418801308, 0.03207477182149887, -0.016801070421934128, 0.013323366641998291, 0.06104780361056328, -0.0007534046308137476, -0.012653673067688942, 0.0035129510797560215, 0.015767158940434456, -0.008001069538295269, 0.004132710862904787, -0.01622536964714527, 0.04328331723809242, 0.03799626603722572, 0.004065154120326042, 0.015097465366125107, -0.01994980312883854, -0.07862430810928345, 0.01636635698378086, 0.0025230979081243277, -0.006908412091434002, -0.014239788055419922, -0.014016557484865189, -0.007948198355734348, -0.05747611075639725, 0.01797597110271454, 0.032944194972515106, 0.004226702731102705, -0.007607477717101574, 0.026341257616877556, 0.0008238986483775079, 0.010186383500695229, 0.01900988258421421, 0.02009079046547413, -0.0011646196944639087, -0.05066169053316116, 0.057382117956876755, 0.0033749002031981945, -0.019738320261240005, 0.0231220331043005, -0.012759414501488209, -0.0005881843389943242, 0.015414688736200333, 6.347213638946414e-05, -0.027633648365736008, -0.00872363243252039, 0.0014377839397639036, 0.02167690545320511, -0.002032577060163021, -0.02930200658738613, -0.02140667848289013, 0.022922299802303314, -0.006138852797448635, 0.03508251532912254, -0.032944194972515106, -0.018798399716615677, -0.03181629255414009, -0.015896396711468697, 0.015426437370479107, -0.02074873447418213, 0.011361283250153065, 0.011713753454387188, 0.007208011578768492, -0.0025054742582142353, 0.019362352788448334, 0.00604486046358943, -0.003392523853108287, -0.0027624836657196283, 0.023004543036222458, 0.009252337738871574, -0.01214846596121788, 0.007954073138535023, 0.03503551706671715, 0.01156689040362835, -0.017999468371272087, -0.02273431606590748, -0.014263286255300045, 0.007771963719278574, -0.002160347532480955, 0.05691215768456459, 0.0026317760348320007, -0.01943284645676613, 0.0011110148625448346, 0.027680644765496254, 0.013487852178514004, -0.00719626247882843, 0.021054208278656006, -0.031510818749666214, 0.01090307254344225, -0.00786595605313778, 0.015673166140913963, 0.0244144219905138, 0.06048385426402092, -0.02339226007461548, 0.0006179239717312157, -0.045257147401571274, 0.007378372363746166, -0.0178349819034338, 0.00870600901544094, -0.02390921488404274, -0.02601228654384613, -0.006632310803979635, -0.005569026339799166, 0.051460620015859604, 0.014874233864247799, -0.032168760895729065, 0.016154875978827477, -0.01075620949268341, 0.02074873447418213, -0.005234179552644491, -0.010027771815657616, 0.050097737461328506, 0.0053810421377420425, 0.003815487725660205, 0.0018475302495062351, -0.020666491240262985, 0.030194930732250214, 0.016683580353856087, 0.02655274048447609, 0.0283855851739645, -0.01834018900990486, 0.0356464684009552, 0.018974635750055313, 0.012042725458741188, -0.01235994789749384, 0.004717223811894655, -0.04795941710472107, -0.01795247197151184, -0.008418158628046513, 0.021230444312095642, -0.013382111676037312, -0.010157010518014431, -0.023145530372858047, 0.030570898205041885, 0.0290435291826725, -0.0053076110780239105, -0.031910285353660583, 0.003401335561648011, 0.03997009992599487, -0.01203097589313984, -0.019714822992682457, -0.021465422585606575, 0.01042723748832941, 0.012536182999610901, 0.001590520958416164, -0.02272256650030613, 0.00045821099774912, 0.020666491240262985, -0.02652924321591854, -0.006796796806156635, -0.022029375657439232, -0.022358346730470657, 0.0030753007158637047, 0.004770094063133001, -0.018974635750055313, -0.015367692336440086, 0.0297014731913805, -0.006696930155158043, 0.011126303113996983, 0.02481388859450817, -0.039805613458156586, -0.006691055838018656, 0.00911134947091341, 0.013852071017026901, -0.0283855851739645, -0.0038331113755702972, 0.04612657427787781, 0.02061949484050274, 0.025072365999221802, -0.020795730873942375, 0.0006520695169456303, -0.038912687450647354, 0.011872365139424801, -0.020161284133791924, -0.012183712795376778, 0.006749800406396389, 0.008553272113204002, 0.02523685246706009, -0.025824302807450294, -0.02153591811656952, -0.0027463287115097046, -0.01741201803088188, 0.019444596022367477, -0.005134312901645899, 0.031064355745911598, -0.03078238107264042, -0.012888653203845024, -0.017928974702954292, 0.0046555413864552975, 0.00706114899367094, 0.03252123296260834, -0.039547134190797806, -0.011666757054626942, -0.029372500255703926, 0.026082780212163925, -0.0178232342004776, 0.013029641471803188, -0.05761709809303284, 0.02150067128241062, -0.033226173371076584, 0.006796796806156635, 0.02019653096795082, -0.011337785050272942, -0.0003566922969184816, 0.01559092290699482, 0.013053139671683311, 0.016460349783301353, -0.009610681794583797, 0.021441925317049026, -0.00798931997269392, -0.005827504210174084, -0.003145794849842787, -0.005351669620722532, 0.03261522576212883, 0.00746648944914341, 0.025565825402736664, 0.00811855960637331, 0.03898318111896515, -0.00984566193073988, -0.0122072109952569, 0.0038331113755702972, 0.040087588131427765, 0.003324967110529542, 0.02906702645123005, 0.0006755675422027707, 0.0039829108864068985, 0.03226275369524956, 0.024884382262825966, -0.01729452796280384, -0.04278985783457756, 0.042319897562265396, 0.01359359361231327, -0.0012263018870726228, 0.016201870515942574, -0.021817892789840698, 0.024461418390274048, 0.03482403606176376, -0.019585583359003067, 0.010814954526722431, 0.017224034294486046, -0.009557811543345451, -0.016154875978827477, 0.01886889524757862, 0.013628840446472168, 0.025800803676247597, 0.012324701063334942, 0.004461682867258787, -0.04184993728995323, 0.011631510220468044, 0.015156210400164127, -0.011807745322585106, 0.016448600217700005, -0.011531643569469452, -0.011514020152390003, -0.01340560894459486, -0.0061740996316075325, 0.04196742922067642, -0.002150067128241062, 0.026505744084715843, 0.025025369599461555, 0.01771749183535576, 0.01281815953552723, 0.014087051153182983, -0.0016066757962107658, -0.013581844046711922, -0.038630712777376175, 0.011255541816353798, 0.01742376759648323, 0.018974635750055313, -0.021441925317049026, -0.03461255505681038, 0.0019180242670699954, -0.01702430099248886, 0.00046078109880909324, 0.011167424730956554, -0.049862757325172424, 0.020490257069468498, 0.002346862806007266, 0.01248918753117323, 0.016354607418179512, 0.002706676023080945, -0.016953807324171066, 0.02995995059609413, 0.01676582358777523, -0.02363898791372776, -0.0028594129253178835, 0.04130948334932327, 0.03390761464834213, 0.0010170228779315948, 0.03933565318584442, -0.013229373842477798, 0.07072898000478745, -0.006132978014647961, -0.01076795905828476, 0.04041656106710434, -0.00026784048532135785, 0.053528446704149246, 0.013288118876516819, 0.020525503903627396, 0.003686248790472746, 0.005510281305760145, 0.004226702731102705, -0.017459014430642128, 0.01559092290699482, -0.023192526772618294, 0.011666757054626942, 0.01221896056085825, 0.01194873359054327, -0.029536986723542213, -0.022804809734225273, -0.03536449000239372, -0.0369858518242836, 0.02204112522304058, -0.007208011578768492, -0.019597332924604416, -0.007419493515044451, 0.026975704357028008, 0.02429693192243576, 0.06292764842510223, 0.005768759176135063, 0.013382111676037312, 0.0004134179325774312, 0.0171652901917696, -0.0244144219905138, 0.012594928033649921, -0.03341415524482727, -0.021441925317049026, -0.02191188558936119, -0.00010216122609563172, 0.023016290739178658, 0.008694260381162167, -0.008805875666439533, -0.013769828714430332, -0.015144461765885353, -0.0257538091391325, -0.00885874591767788, -0.01517970860004425, -0.044928178191185, 0.003386649303138256, -0.00918184407055378, 0.00904673058539629, -0.008300668559968472, -0.03219226002693176, 0.003771429182961583, -0.0024114823900163174, 0.013746330514550209, 0.021618161350488663, 0.020314021036028862, -0.0283855851739645, -0.016942057758569717, -0.002922563813626766, 0.00970467459410429, 0.05178959295153618, 0.009986650198698044, -0.032004278153181076, 0.00617997394874692, -0.011478773318231106, -0.06372657418251038, 0.012324701063334942, 0.0014634848339483142, 0.022628573700785637, 0.02629426307976246, -0.051460620015859604, 0.019632579758763313, 0.007595728617161512, -0.025589322671294212, 0.0055925240740180016, 0.0010654875077307224, -0.036116424947977066, 0.015778906643390656, -0.03982911258935928, 0.01572016254067421, -0.011190922930836678, -0.031228842213749886, 0.01181362010538578, 0.018692659214138985, 0.006503071635961533, 0.010626970790326595, 0.030829377472400665, 0.01427503488957882, 0.001392990816384554, 0.001214552903547883, 0.008817624300718307, 0.01996155083179474, -0.012841656804084778, -0.007654473651200533, 0.0012578773312270641, -0.013899067416787148, 0.017600001767277718, -0.03764379769563675, -0.004123899154365063, -0.009534313343465328, 0.04203792288899422, 0.011660882271826267, -0.008089186623692513, -0.03317917510867119, 0.01406355295330286, 0.0035951940808445215, -0.008688385598361492, -0.012101470492780209, -0.016977304592728615, 0.0067086792550981045, -0.022005876526236534, -0.0029680912848562002, -0.02153591811656952, -0.001693324651569128, 0.003439519787207246, 0.02561281993985176, 0.0191391222178936, 0.014686250127851963, 0.015637919306755066, 0.043377310037612915, 0.008846997283399105, 0.021629909053444862, 0.009698799811303616, 0.02497837506234646, 0.01953858695924282, -0.018539922311902046, -0.0049845133908092976, 0.01400480791926384, 0.00505500752478838, -0.008929240517318249, -0.02655274048447609, -0.017400268465280533, -0.0034571432042866945, -0.008741255849599838, -0.026999201625585556, 0.032944194972515106, 0.01281815953552723, 0.001417957479134202, -0.006978906225413084, -0.0018387185409665108, 0.025706812739372253, 0.008341790176928043, 0.01167850662022829, -0.031510818749666214, 0.018316691741347313, -0.021994128823280334, 0.018246198073029518, -0.021218694746494293, -0.004658478777855635, -0.033343661576509476, 0.004435247741639614, -0.028197601437568665, 0.013064888305962086, 0.00831829197704792, -0.01452176459133625, 0.025659816339612007, 0.016331110149621964, 0.0022058747708797455, 0.015661416575312614, -0.046808015555143356, -0.011931110173463821, 0.005025635007768869, 0.035340990871191025, 0.013758079148828983, -0.0033954610116779804, -0.005157811101526022, 0.039547134190797806, 0.01678932085633278, -0.037972766906023026, 0.006150601431727409, -0.044317230582237244, -0.001294592977501452, -0.019092125818133354, 0.06546542793512344, 0.0016375168925151229, 0.02167690545320511, -0.009604807943105698, 0.051695600152015686, -0.02615327388048172, -0.004441122058779001, -0.027445664629340172, -0.0343305803835392, 0.0027918561827391386, 0.01728278025984764, 0.01379332598298788, -0.006726302672177553, 0.04419973865151405, -0.01823444850742817, 0.0257538091391325, -0.04737196862697601, 0.0025906546507030725, -0.0003111649421043694, 0.023462753742933273, -0.00736074848100543, -0.0015728974249213934, 0.034941527992486954, 0.024320431053638458, -0.001719759893603623, -0.011179173365235329, 0.05296449363231659, 0.03482403606176376, 0.004837650805711746, -0.012759414501488209, 0.022522833198308945, 0.005598398391157389, 0.04441121965646744, 0.025307346135377884, -0.006056609563529491, 0.0007078772759996355, 0.0010302404407411814, 0.003351402236148715, 0.010415488854050636, -0.0021177572198212147, 0.025800803676247597, 0.011531643569469452, 0.020513754338026047, 0.027915624901652336, 0.004244326148182154, -0.007589854300022125, 0.021312685683369637, -0.00806568842381239, 0.0030283047817647457, -0.0007346796919591725, -0.013393860310316086, -0.006426703184843063, -0.004878772422671318, 0.0023806411772966385, 0.005845127627253532, -0.005789319984614849, -0.005013885907828808, 0.03581095114350319, 0.02467290125787258, 0.023697733879089355, 0.017388520762324333, -0.02932550385594368, 0.02023177780210972, -0.020008547231554985, 0.02204112522304058, 0.017482511699199677, 0.003756742924451828, -0.0015244327951222658, 0.00325447297655046, -0.021289188414812088, 0.0025759683921933174, 0.01203097589313984, 0.012077972292900085, 0.011672631837427616, -0.002671428956091404, 0.022264355793595314, -0.011942858807742596, -0.0020810416899621487, 0.013664087280631065, 0.015073967166244984, -0.0014517358504235744, 0.0011602137237787247, -0.0010559414513409138, 0.013158880174160004, 0.0115492669865489, 0.006626436021178961, 0.03186328709125519, 0.01795247197151184, 0.013382111676037312, -0.006961282808333635, -0.019773567095398903, 0.02298104390501976, 0.015872899442911148, 0.02481388859450817, -0.01141415350139141, -0.018304942175745964, -0.02789212577044964, 0.02826809510588646, 0.002929906826466322, -0.00610360549762845, 0.012019227258861065, -0.01346435397863388, 0.0370093509554863, 0.0303594172000885, -0.018716156482696533, -0.005472097080200911, 0.018727906048297882, 0.007701469585299492, -0.010908946394920349, -0.00426488695666194, 0.00144292414188385, 0.013664087280631065, 0.0004306742921471596, -0.0010140856029465795, -0.021300937980413437, 0.02256982959806919, 0.013570095412433147, -0.0052635520696640015, -0.028761552646756172, -0.03012443706393242, -0.004452871158719063, 0.00898798555135727, -0.044552210718393326, -0.010650468990206718, 0.020114287734031677, -0.022405343130230904, -0.015614421106874943, -0.01609613001346588, 0.00971054844558239, 0.009369827806949615, 0.013053139671683311, 0.04925180971622467, 0.03357864171266556, 0.02166515588760376, -0.007008278742432594, 0.01440427452325821, -0.02204112522304058, -0.028996532782912254, 0.004520427901297808, -0.01274766493588686, -0.07105795294046402, -0.009534313343465328, -0.0165190938860178, -0.009017357602715492, 0.004693725612014532, 0.029231512919068336, -0.05390441417694092, 0.00716688996180892, 0.014228039421141148, 0.02469639852643013, -0.015038720332086086, 0.017870228737592697, 0.003392523853108287, 0.020913220942020416, 0.025542326271533966, -0.024484915658831596, 0.007877704687416553, 0.020290523767471313, 0.006720428355038166, 0.0018093460239470005, -0.03153431788086891, 0.011749000288546085, -0.03860721364617348, 0.008353538811206818, -0.01836368814110756, 0.02084272727370262, -0.008471028879284859, 0.006197597831487656, 0.016013886779546738, -0.01912737265229225, -0.003598131239414215, -0.025001872330904007, -0.0043060085736215115, 0.00831829197704792, -0.033061686903238297, -0.009998398832976818, -0.0079305749386549, 0.026881713420152664, -0.01622536964714527, -0.011190922930836678, -0.0003807410248555243, 0.001765287248417735, -0.0010816423455253243, -0.04133298248052597, 0.010973566211760044, 0.027539657428860664, -0.009869160130620003, -0.01400480791926384, 0.008958612568676472, -0.012500936165452003, 0.04387076571583748, -0.017764488235116005, 0.00607423298060894, -0.012618426233530045, 0.015896396711468697, -0.0034923902712762356, -0.013899067416787148, 0.02589479647576809, 0.05616022273898125, 0.002377704018726945, 0.0555022768676281, -0.03245073929429054, -0.04730147495865822, 0.005334046203643084, -0.018669161945581436, 0.007014153059571981, 0.016448600217700005, 0.006984780542552471, 0.015884649008512497, 0.0009002671577036381, 0.0217708982527256, -0.013664087280631065, -0.024743394926190376, 0.03879519924521446, -0.01090307254344225, -0.007325501646846533, -0.015814153477549553, 0.001995861530303955, 0.00561014749109745, 0.0036950604990124702, 0.017764488235116005, 0.013910816051065922, 0.026106279343366623, -0.05860401317477226, 0.02721068449318409, -0.008729507215321064, 0.03489452973008156, -0.02864406257867813, -0.006021362729370594, -0.020443260669708252, 0.05954393371939659, -0.029654476791620255, -0.019609080627560616, 0.013558345846831799, -0.02272256650030613, 0.022264355793595314, -0.03762029856443405, 0.025683313608169556, -0.024273434653878212, 4.2704861698439345e-05, 0.0030018696561455727, 0.01837543584406376, 0.021723901852965355, -0.025307346135377884, 0.013664087280631065, 0.028033114969730377, 0.013440856710076332, -0.022111618891358376, -0.028973033651709557, -0.004828839097172022, 0.02467290125787258, -0.01784673146903515, 0.018422432243824005, -0.017235783860087395, 0.004887584131211042, -0.016460349783301353, 0.022287853062152863, -0.01537944097071886, -0.006978906225413084, 0.019703073427081108, -0.03461255505681038, 0.006626436021178961, -0.004676102194935083, 0.002373297931626439, 0.0020927905570715666, 0.013781577348709106, 0.0004894192679785192, -0.019714822992682457, -0.01479199156165123, 0.01380507554858923, 0.013194127008318901, -0.01102056261152029, 0.0270696971565485, -0.018445929512381554, 0.007431242614984512, -0.014803740195930004, 0.00749586196616292, -0.0095695611089468, 0.0005154873942956328, 0.03261522576212883, 0.01526195090264082, 0.00459092203527689, 0.014087051153182983, 0.00917009450495243, -0.00746648944914341, -0.001966489013284445, 0.004032844211906195, 0.026717226952314377, 0.028291592374444008, -0.010791456326842308, 0.012312952429056168, 0.01433377992361784, 0.0022352472878992558, -0.007266756612807512, 0.03933565318584442, -0.000818024156615138, -0.00044462623191066086, -0.02269906923174858, 0.02681121788918972, 0.0283855851739645, -0.0178232342004776, -0.020020296797156334, 0.014204541221261024, -0.004170895088464022, 0.030194930732250214, 0.011655008420348167, 0.00689666299149394, -0.017646998167037964, -0.0012174901785328984, 0.01663658395409584, 0.03407210111618042, -0.013558345846831799, -0.03193378448486328, -0.0018695596372708678, 0.05122563987970352, 0.010515355505049229, -0.003762617241591215, 0.020783981308341026, -0.0019018694292753935, 0.04692550748586655, -0.005477971397340298, 0.03947664052248001, 0.013252872042357922, -0.001549399457871914, 0.06114179641008377, -0.004358879290521145, -0.04678452014923096, -0.009828038513660431, -0.0008451936882920563, -0.023345263674855232, 0.02191188558936119, 0.008206676691770554, 0.04128598794341087, 0.019503340125083923, 0.014310282655060291, -0.011860615573823452, 0.05127263814210892, -0.017094794660806656, 0.015931643545627594, 0.014885983429849148, -0.02603578381240368, -0.019374100491404533, -0.01347610354423523, 0.016060883179306984, -0.025777306407690048, 0.014451269991695881, 0.017858481034636497, 0.023956211283802986, 0.025941792875528336, -0.011138052679598331, 0.03999359533190727, 0.015778906643390656, 0.00964592956006527, 0.013452605344355106, -0.04805340990424156, 0.004825901705771685, 0.011226169764995575, -0.02800961583852768, 0.02866755984723568, -0.007055274676531553, -0.016977304592728615, -0.010814954526722431, -0.000561014749109745, 0.054891329258680344, 0.030594397336244583, 0.0028138854540884495, -0.030993862077593803, -0.00670280447229743, -0.031205344945192337, 0.008476903662085533, 0.006367958150804043, 0.021242192015051842, 0.03726783022284508, 0.022370096296072006, -0.004438184667378664, 0.017470763996243477, -0.006503071635961533, -0.010074767284095287, -0.018986383453011513, -0.05648919194936752, 0.026858214288949966, -0.011014687828719616, 0.012677171267569065, 0.0019209615420550108, 0.0065500675700604916, 0.02036101743578911, 0.006620561704039574, 0.00623871898278594, 0.005096128676086664], "71393b4c-c46e-4772-ae25-4900737e9f88": [0.022288909181952477, 0.021673716604709625, 0.017320044338703156, 0.012268364429473877, 0.06828640401363373, 0.00498956860974431, 0.0444595105946064, 0.007145701441913843, -0.012564130127429962, 0.0337882824242115, 0.009949561208486557, -0.045808203518390656, -0.024867987260222435, 0.039064742624759674, -0.0033806029241532087, -0.0009087403304874897, 0.0024785171262919903, 0.015746569260954857, -0.0044246562756598, 0.026595259085297585, 0.03028641641139984, 0.04256661236286163, 0.016764003783464432, -0.006317556835711002, 0.04656536504626274, -0.019946444779634476, 0.0013701349962502718, 0.025767114013433456, 0.02593274414539337, -0.03951430693268776, 0.005737856030464172, -0.010807281360030174, -0.018668735399842262, 0.010363632813096046, 0.006749375257641077, 0.004060863982886076, -0.04765378311276436, 0.004708591382950544, -0.004043118096888065, -0.04015316069126129, -0.008725090883672237, 0.0024356311187148094, 8.433945913566276e-05, -0.02789662778377533, 0.00921014603227377, 0.02235989272594452, -0.015699246898293495, -0.052811939269304276, -0.02818056382238865, 0.026051050052046776, -0.010050120763480663, 0.026997501030564308, -0.011475712060928345, 0.007654418237507343, 0.021827515214681625, -0.019485048949718475, -0.022265248000621796, -0.03362265229225159, -0.014918426051735878, -0.014350555837154388, 0.004211704712361097, 0.01594769023358822, -0.03404855728149414, 0.044033609330654144, 0.006784867029637098, -0.011250929906964302, -0.018455784767866135, 0.03873348608613014, -0.015344328247010708, 0.02709214575588703, 0.015462635084986687, 0.04419923946261406, 0.06781318038702011, -0.03804730996489525, -0.04621044546365738, 0.003986922558397055, 0.010931503027677536, 0.006122351624071598, 0.021164998412132263, 0.010050120763480663, -0.01663386821746826, -0.018585922196507454, -0.07491155713796616, -0.020668113604187965, 0.019792646169662476, -0.0012155973818153143, -0.03461642563343048, 0.008594953455030918, -0.06748192012310028, -0.06620421260595322, 0.0018130441894754767, 0.052717290818691254, -0.03402489423751831, 0.029884174466133118, 0.018999993801116943, 0.027494387701153755, -0.01717807725071907, 0.02220609411597252, -0.019946444779634476, 0.040271468460559845, 0.049310069531202316, -0.038780808448791504, -0.009257469326257706, -0.024536728858947754, 0.10117556154727936, 0.014125773683190346, -0.03028641641139984, 0.05953173711895943, 0.017734115943312645, -0.01787608303129673, -0.09223160147666931, -0.017509333789348602, 0.01632627099752426, 0.06999001652002335, 0.04183311015367508, 0.022336231544613838, -0.011410643346607685, -0.06047818809747696, -0.005193646997213364, 0.0030730064027011395, -0.030688656494021416, -0.040555402636528015, -0.006353049073368311, -0.015805723145604134, 0.0014078450622037053, 0.047772087156772614, 0.01511954702436924, 0.003720733569934964, -0.03750310093164444, -0.004788448102772236, -0.0013316854601725936, 0.028701111674308777, 0.011014318093657494, -0.003954388666898012, 0.010369548574090004, -0.02529389038681984, -0.024347439408302307, -0.013983805663883686, -0.026027388870716095, -0.014693643897771835, 0.005876866169273853, -0.0363200381398201, -0.011676833033561707, 0.062087152153253555, 0.00015352093032561243, 0.013285798951983452, -0.012079074047505856, -0.022608336061239243, -0.005308995954692364, -0.05555664375424385, 0.006518677808344364, -0.004699718207120895, -0.0021620478946715593, 0.021389780566096306, 0.013167492114007473, -0.03986922651529312, -0.015983182936906815, 0.043442077934741974, -0.011315998621284962, 0.04367868974804878, -0.021543579176068306, -0.03468741104006767, 0.010931503027677536, -0.0008872973266988993, -0.0016814284026622772, -0.0008451507310383022, 0.015356159768998623, -0.025199243798851967, -0.043442077934741974, 0.013617056421935558, -0.053332485258579254, -0.0322503000497818, -0.03717184439301491, -0.02372041530907154, 0.018124526366591454, -0.007778639905154705, 0.014658152125775814, -0.08825650811195374, -0.019390404224395752, -0.02470235712826252, -0.00881973560899496, 0.04453049600124359, -0.02024221047759056, -0.03887545317411423, 0.01197851449251175, -0.026808209717273712, 0.009032687172293663, 0.015474465675652027, -0.04225901514291763, -0.022087788209319115, -0.019686169922351837, 0.023140715435147285, -0.012161889113485813, -0.08849312365055084, -0.010694890283048153, -0.04240098223090172, 0.021105846390128136, -0.005820670630782843, 0.004593242425471544, -0.0088493125513196, -0.008766497485339642, -0.025696130469441414, 0.008376087062060833, -0.006187420338392258, -0.02441842295229435, -0.006015875842422247, -0.01813635788857937, -0.020798249170184135, 0.012848065234720707, -0.06274966895580292, 0.012445824220776558, -0.01813635788857937, 0.02678454853594303, 0.07055788487195969, -0.014480692334473133, 0.04443585127592087, -0.022785795852541924, 0.00440986780449748, -0.03771605342626572, 0.017757777124643326, 0.004853516351431608, -0.002196060959249735, 0.012019921094179153, -0.015509957447648048, -0.0059744687750935555, 0.02135428972542286, -0.018692396581172943, 0.02312888391315937, 0.024098996073007584, -0.014078451320528984, 0.0038301667664200068, 0.005025060381740332, 0.0037946749944239855, 0.02251369133591652, 0.03511331230401993, -0.030617672950029373, 0.04954668506979942, -0.0035580622497946024, -0.06558901816606522, -0.08674218505620956, 0.00439803721383214, 0.04299251362681389, 0.02439476177096367, 0.06194518506526947, 0.03991654887795448, -0.04798503965139389, 0.0019298717379570007, -0.04240098223090172, 0.005542650818824768, -0.014279572293162346, 0.01831381767988205, 0.019792646169662476, 0.029434610158205032, -0.050445809960365295, -0.02671356499195099, -0.04656536504626274, 0.0015926987398415804, -0.008322848938405514, -0.003989880438894033, -0.05517806485295296, 0.031516801565885544, -0.031800735741853714, -0.027423402294516563, -0.011564441956579685, 0.0041495938785374165, 0.04559525102376938, -0.020289532840251923, 0.024513067677617073, -0.0592004768550396, 0.02277396433055401, -0.024347439408302307, 0.04020048305392265, 0.04211704805493355, 0.00497773801907897, -0.037645068019628525, 0.025483179837465286, 0.03873348608613014, -0.0018648032564669847, -0.024323778226971626, -0.0009849000489339232, -0.03265254199504852, 0.010529262013733387, 0.01438604760915041, 0.061235345900058746, 0.04251929000020027, 0.0008466295548714697, 0.021153168752789497, 0.005867992993444204, -0.00881973560899496, 0.045193012803792953, 0.04188043624162674, -0.012292025610804558, -0.004173255059868097, -0.030428383499383926, 0.030333738774061203, -0.024371100589632988, 0.0100205447524786, -0.013285798951983452, 0.031587786972522736, 0.059721026569604874, -0.0014751318376511335, 0.026547936722636223, 0.014835611917078495, 0.009080009534955025, 0.0014263304183259606, 0.04301617667078972, 0.04216437041759491, 0.040839340537786484, -0.0045547932386398315, -0.053995002061128616, 0.015297005884349346, 0.015450804494321346, 0.030073463916778564, -0.008689598180353642, -0.01663386821746826, -0.04651804268360138, -0.008736921474337578, 0.008855227380990982, 0.008174966089427471, -0.028606466948986053, -0.018219172954559326, 0.02081008069217205, 0.02588542178273201, -0.02706848457455635, -0.06909088790416718, -0.02415814809501171, 0.005909400060772896, 0.02408716455101967, -0.038236599415540695, -0.008967618457973003, -0.01713075488805771, -0.024655034765601158, -0.002512530190870166, 0.011020232923328876, -0.02500995434820652, 0.012540468946099281, -0.011576272547245026, 0.014492522925138474, -0.02148442715406418, -0.018704228103160858, -0.02524656616151333, -0.027210451662540436, -0.016775835305452347, 0.005445048213005066, 0.04060272499918938, -0.010351802222430706, -0.00690908869728446, 0.02328268252313137, 0.013557903468608856, 0.041146934032440186, -0.0030789216980338097, 7.874763832660392e-05, -0.011984429322183132, 0.05214942246675491, -0.039112064987421036, 0.0024711231235414743, 0.009405352175235748, -0.02766001597046852, -0.031161881983280182, 0.0159713514149189, -0.009860831312835217, -0.008867057971656322, 0.03863884136080742, 0.028275208547711372, -0.00039410789031535387, 0.03251057490706444, -0.0463050901889801, -0.061188023537397385, 0.02500995434820652, -0.008346510119736195, -0.0006932010292075574, -0.07429636269807816, 0.016030505299568176, -0.00829327292740345, -0.03421418368816376, 0.009216061793267727, 0.017911575734615326, 0.02730509638786316, 0.013179322704672813, 0.05210210010409355, 0.06743460148572922, -0.005894612055271864, -0.01121543813496828, -0.03234494477510452, 0.05266996845602989, 0.02336549572646618, 0.010813197121024132, -0.009216061793267727, 0.011304168030619621, -0.00798567570745945, 0.0023957027588039637, 0.017071601003408432, 0.037053536623716354, -0.01684681884944439, 0.03771605342626572, 0.0007601180695928633, -0.03773971274495125, 0.03691156953573227, 0.013924652710556984, -0.028109580278396606, -0.004714506678283215, -0.020691774785518646, -0.043181803077459335, -0.007133870385587215, 0.006684306543320417, 0.06932749599218369, -0.013581564649939537, 0.015190530568361282, 0.032108332961797714, -0.01439787819981575, 0.02214694209396839, -0.007607095874845982, 0.03130384907126427, -0.06052551046013832, 0.06483186036348343, -0.06057283282279968, 0.010298564098775387, 0.07789287716150284, -0.005862077698111534, -0.05200745537877083, 0.024536728858947754, -0.03054668940603733, -0.021164998412132263, -0.04065004736185074, -0.012978202663362026, 0.0032356777228415012, 0.04330011084675789, 0.0014891807222738862, 0.051297616213560104, -0.07865003496408463, -0.04034245386719704, 0.0029620942659676075, 0.035065989941358566, 0.013628887012600899, -0.0363200381398201, 0.015509957447648048, 0.03433249145746231, 0.005282376892864704, 0.006861765868961811, 0.0012074637925252318, -0.0020585297606885433, 0.020313194021582603, 0.007879200391471386, 0.0070510562509298325, -0.0322503000497818, 0.007157532032579184, 0.04850558936595917, -0.009139162488281727, 0.02369675412774086, 0.05437358096241951, -0.035089652985334396, 0.010002798400819302, 0.0034279252868145704, -0.004152551759034395, -0.009641963988542557, -0.01364071760326624, 0.006944580469280481, -0.019260266795754433, -0.02120049111545086, -0.012575960718095303, 0.03994021192193031, 0.0535217747092247, 0.05233871191740036, 0.04128890112042427, 0.01601867377758026, 0.02336549572646618, -0.019414065405726433, -0.002003813162446022, -0.03177707642316818, -0.03468741104006767, -0.009020856581628323, 0.01993461325764656, 0.021874837577342987, 0.027991272509098053, -0.0016503731021657586, -0.022265248000621796, 0.03951430693268776, -0.029718546196818352, -0.006690221838653088, -0.048694878816604614, 0.02647695317864418, -0.02137795090675354, -0.04516934975981712, 0.013025525026023388, 0.044317543506622314, 0.02032502368092537, 0.03807097300887108, -0.01076587475836277, 0.025435857474803925, -0.0018943798495456576, 0.0009545840439386666, 0.008967618457973003, 0.017710454761981964, -0.009961391799151897, 0.006991902831941843, -0.036225393414497375, -0.0319427028298378, -0.010866434313356876, -0.02730509638786316, 0.0291033536195755, -0.018810704350471497, -0.01233934797346592, 0.019201114773750305, 0.04065004736185074, 0.04183311015367508, -0.0031706092413514853, 0.0022167644929140806, -0.016551053151488304, -0.04512202739715576, -0.004185085650533438, -0.028937723487615585, 0.04330011084675789, 0.005888696759939194, 0.0032445506658405066, -0.01424407958984375, 0.022395385429263115, 0.04389164224267006, -0.004717464093118906, -0.04855291172862053, -0.008606784045696259, -0.05125029385089874, 0.011481627821922302, 0.020052919164299965, -0.00625248858705163, -0.06109337881207466, 0.011150370351970196, -0.010233496315777302, -0.0038686164189130068, -0.015344328247010708, -0.04303983598947525, 0.003232720075175166, -0.059437092393636703, -0.009038602001965046, 0.035042330622673035, 0.006577830761671066, -0.04855291172862053, 0.0006370055489242077, -0.01175964716821909, 0.007423721253871918, -0.004418740980327129, 0.013368613086640835, -0.018538599833846092, 0.039987534284591675, -0.00014936171646695584, 0.031800735741853714, 0.000515741587150842, -0.01599501259624958, -0.0030404722783714533, 0.00740005960687995, -0.038473211228847504, 0.02766001597046852, 0.007802301086485386, 0.011523034423589706, -0.005013229791074991, 0.010227580554783344, 0.03989288955926895, -0.031800735741853714, -0.008032999001443386, -0.02400435134768486, 0.0072876689955592155, -0.001363480230793357, -0.0017790311248973012, -0.007222600281238556, -0.0056372955441474915, 0.01684681884944439, 0.06847569346427917, 0.018763381987810135, -0.027186790481209755, -0.01380634680390358, -0.011931191198527813, 0.0006355267250910401, -0.03482937812805176, -0.004749998450279236, -0.07178827375173569, 0.04935739189386368, -0.01381817739456892, -0.06009960547089577, 0.0366276353597641, 0.02346014231443405, 0.007382313720881939, -0.011511203832924366, -0.021697377786040306, -0.01901182346045971, 0.00043144833762198687, -0.036201730370521545, -0.015202361159026623, 0.008559461683034897, -0.007825962267816067, -0.018148187547922134, -0.012084989808499813, -5.490152398124337e-05, -0.0149539178237319, 0.02166188508272171, 0.057402223348617554, -0.02612203359603882, -0.00864227581769228, -0.03265254199504852, 0.009494081139564514, 0.023732246831059456, 0.0176986251026392, 0.03111455962061882, -0.016764003783464432, 0.011706409975886345, -0.026689903810620308, -0.02155541069805622, -0.03579948842525482, 0.011386982165277004, -0.017935236915946007, -0.0017213568789884448, -0.002755058230832219, 0.011073471046984196, 0.006007003132253885, 0.008500308729708195, -0.02166188508272171, -0.028393514454364777, 0.02936362661421299, -0.038780808448791504, 0.02936362661421299, 0.006690221838653088, 0.010606161318719387, 0.01949688047170639, 0.029552916064858437, -0.0013679167022928596, 0.005726025439798832, 0.04542962461709976, -0.018171848729252815, 0.0032475083135068417, 0.0010891575366258621, -0.039987534284591675, -0.03437981382012367, -0.018349308520555496, -0.017781438305974007, 0.04119425639510155, -0.008831566199660301, 0.004625776782631874, 0.027565371245145798, 0.0051344940438866615, 0.004761829040944576, 0.0136880399659276, -0.003951430786401033, 0.008269610814750195, -0.019047316163778305, 0.011499373242259026, -0.016219794750213623, 0.040862999856472015, -0.004584369715303183, -0.04095764458179474, -0.0010861997725442052, -0.0036674956791102886, -0.016953295096755028, 0.012084989808499813, 0.017213568091392517, 0.011528950184583664, -0.05494145303964615, 0.04907345771789551, -0.003776929108425975, -0.023767737671732903, 0.03232128545641899, -0.012599621899425983, -0.03109089843928814, -0.024323778226971626, 0.02730509638786316, 0.024655034765601158, -0.020407838746905327, 0.0136880399659276, -0.016988785937428474, 0.051628872752189636, 0.007979760877788067, -0.006287980359047651, -0.01697695627808571, -0.045760881155729294, -0.027683677151799202, 0.0041791703552007675, -0.015438973903656006, -0.036178071051836014, -0.03844955191016197, 0.019579695537686348, -0.03717184439301491, -0.03227396309375763, 0.03146947920322418, 0.011304168030619621, -0.023779569193720818, -0.017781438305974007, 0.021366119384765625, -0.0016548095736652613, -0.00886114314198494, 0.0842340961098671, -0.019272098317742348, 0.0009405351593159139, 0.002101415768265724, -0.0011586624896153808, 0.009074093773961067, -0.00085254485020414, -0.0375504232943058, 0.03859151899814606, 0.05408964678645134, 0.002136907773092389, -0.004605073016136885, -0.02282128669321537, -0.08413945138454437, 0.013593395240604877, -0.009150993078947067, 0.011014318093657494, -0.03421418368816376, -0.01746201142668724, -0.01648006960749626, -0.0500672310590744, 0.021082185208797455, 0.03802364692091942, -0.01074221357703209, 0.0032948306761682034, 0.04382065683603287, -0.026571597903966904, -0.003188355127349496, 0.016065998002886772, 0.0291033536195755, -0.0031824398320168257, -0.03807097300887108, 0.05640845000743866, -0.013013694435358047, -0.02006475068628788, 0.0008392353774979711, -0.026027388870716095, -0.015178699977695942, 0.0013168971054255962, 0.016775835305452347, -0.017970729619264603, 0.0013294671662151814, -0.006376710254698992, -0.0030005439184606075, -0.013948313891887665, 0.01581755466759205, 0.000855502497870475, 0.04247196763753891, -0.02387421391904354, 0.020739097148180008, -0.03667495772242546, -0.018112696707248688, -0.007169362623244524, -0.015604602172970772, 0.03776337578892708, -0.012836234644055367, 0.01497757900506258, 0.0211176760494709, -0.016243455931544304, -0.023862382397055626, -0.005587015766650438, 0.015415312722325325, -0.032983798533678055, -0.01264694519340992, 0.013936483301222324, 0.008943957276642323, -0.021981311962008476, 0.0020052921026945114, 0.0416201613843441, 0.017781438305974007, -0.04516934975981712, -0.013889160938560963, -0.015521788038313389, 0.0019698000978678465, 0.0032061010133475065, 0.0353972502052784, -0.015237852931022644, -0.019023654982447624, -0.01952054165303707, 0.017911575734615326, 0.009754355065524578, -0.031280189752578735, 0.039963871240615845, -0.023176206275820732, 0.00800933688879013, -0.007624841760843992, 0.017320044338703156, 0.007056971546262503, 0.07396510988473892, -0.017556656152009964, 0.007033310364931822, -0.04689662158489227, 0.021496256813406944, -0.010878265835344791, -0.019839968532323837, -0.044317543506622314, -0.024122657254338264, 0.004244239069521427, -0.0176986251026392, 0.040579065680503845, -0.02230074070394039, -0.023471971973776817, 0.01916562207043171, -0.014504353515803814, 0.001515799667686224, 0.004732252564281225, -0.035042330622673035, 0.0563611276447773, -0.002860055072233081, 0.008523969911038876, 0.007518365979194641, -0.03144581615924835, -0.00501618767157197, 0.03807097300887108, 0.010091528296470642, 0.012138227932155132, -0.003155820770189166, 0.03083062544465065, 0.016953295096755028, 0.036225393414497375, -0.02286861091852188, -0.020100241526961327, -0.038828130811452866, 0.013770855031907558, -0.018893517553806305, 0.019390404224395752, -0.012942710891366005, 0.012954541482031345, -0.002091064117848873, 0.03279450908303261, 0.02120049111545086, -0.019768984988331795, -0.004433528985828161, 0.021933989599347115, 0.013569734059274197, -0.024229133501648903, -0.02176836133003235, -0.027801983058452606, -0.01733187399804592, 0.014125773683190346, -0.0042708576656877995, -0.044057272374629974, 0.018834365531802177, -0.026973839849233627, -0.004741125274449587, -0.005007314495742321, -0.03314942866563797, -0.015912199392914772, 0.0032445506658405066, -0.0006192596047185361, -0.024536728858947754, -0.010582499206066132, 0.016006844118237495, 0.007518365979194641, 0.016231626272201538, 0.022324401885271072, -0.0197334922850132, -0.02446574531495571, 0.002592387143522501, 0.016645697876811028, -0.016811326146125793, -0.029884174466133118, 0.030144447460770607, 0.02907969057559967, 0.03310210630297661, -0.012729759328067303, -0.037337470799684525, -0.00813947431743145, 0.006719798315316439, -0.023909704759716988, -0.04098130762577057, 0.0010891575366258621, -0.006441778503358364, 0.022466368973255157, -0.013380443677306175, 0.0075301965698599815, -0.004421698395162821, -0.027234112843871117, -0.0008540236740373075, -0.026240339502692223, 0.04968865215778351, -0.016219794750213623, 0.0038834046572446823, -0.010813197121024132, 0.008157220669090748, -0.02616935595870018, 0.06052551046013832, -0.01818368025124073, -0.008559461683034897, -0.019248437136411667, 0.041430871933698654, 0.008068490773439407, 0.02619301714003086, -0.0459974929690361, 0.027730999514460564, -0.017805099487304688, 0.038496874272823334, 0.03288915380835533, 0.005811797454953194, -0.015592771582305431, 0.00497773801907897, 0.007956099696457386, 0.009724779054522514, -0.01233934797346592, 0.01054700743407011, -0.016491899266839027, 0.012150058522820473, 0.005885738879442215, -0.03284183144569397, 0.0557459332048893, -0.01054700743407011, 0.013202984817326069, 0.0125168077647686, 0.03930135816335678, -0.021780192852020264, 0.014587168581783772, 0.024063503369688988, 0.01851493865251541, -0.0010292648803442717, 0.00829327292740345, 0.0027240028139203787, 0.004377333447337151, 0.04277956113219261, 0.029836852103471756, 0.012800742872059345, -0.04247196763753891, 0.02794395014643669, -0.00748287420719862, 0.020230378955602646, 0.03840222954750061, -0.04275590181350708, 0.015782061964273453, 0.0610460564494133, -0.0017331874696537852, 0.02647695317864418, -0.006317556835711002, -0.003552146954461932, -0.00443648686632514, 0.01496574841439724, -0.025364873930811882, 0.029718546196818352, 0.00036989207728765905, 0.002858576364815235, -0.02969488501548767, -0.012374840676784515, 0.017994390800595284, -0.025459518656134605, 0.027186790481209755, 0.03314942866563797, -0.02706848457455635, -0.01308467797935009, 0.008955787867307663, 0.03636736050248146, -0.007962014526128769, 0.03170609101653099, 0.012067243456840515, 0.003836082061752677, 0.024513067677617073, 0.009405352175235748, -0.026855532079935074, -0.014421539381146431, -0.021756531670689583, 0.026689903810620308, 0.001642978866584599, 0.02308156155049801, -0.001574952737428248, -0.022158771753311157, 0.000578961509745568, -0.013143830932676792, 0.0037739714607596397, -0.001980151981115341, -0.04166748374700546, 0.009707032702863216, 0.003924811724573374, 0.011540780775249004, 0.030901608988642693, 0.0048890081234276295, -0.002264087088406086, 0.038473211228847504, 0.014788288623094559, -0.012777081690728664, -0.024536728858947754, 0.045193012803792953, 0.00037728622555732727, 0.0064536090940237045, 0.03579948842525482, -0.014125773683190346, 0.023353666067123413, 0.028559144586324692, -0.005371106788516045, 0.04715689644217491, -0.02225341647863388, 0.0334806852042675, 0.031824398785829544, 0.013415935449302197, 0.009641963988542557, 0.010819111950695515, 0.03312576562166214, -0.017426520586013794, 0.015048562549054623, 0.00021627872774843127, 0.02851182036101818, 0.009653795510530472, -0.031516801565885544, -0.032155655324459076, -0.03196636587381363, -0.034427136182785034, -0.013534242287278175, -0.013333121314644814, 0.0013124606339260936, -0.010144766420125961, -0.024891648441553116, 0.030735980719327927, 0.035089652985334396, 0.04072103276848793, -0.010493770241737366, 0.02279762551188469, -0.0035314434207975864, 0.02214694209396839, -0.005442090332508087, 0.032747186720371246, -0.030735980719327927, 0.01756848767399788, -0.006648814771324396, 0.03262888267636299, -0.006926834583282471, 0.01566375605762005, -0.010328141041100025, -0.022170603275299072, -0.005900527350604534, -0.022762134671211243, -0.00030759640503674746, -0.016527391970157623, -0.0469202846288681, -0.019686169922351837, -0.008512139320373535, 0.008677767589688301, -0.01179513894021511, -0.03762140870094299, 0.03203734755516052, 0.0013412977568805218, 0.041407208889722824, 0.033528007566928864, 0.018739718943834305, -0.02089289389550686, -0.015344328247010708, -0.024193640798330307, 0.005619549658149481, 0.03918305039405823, 0.020668113604187965, -0.010848688893020153, -0.0011364800157025456, 0.007873284630477428, -0.06194518506526947, 0.027849305421113968, 0.014350555837154388, 0.029245320707559586, 0.02251369133591652, -0.03596511855721474, 0.022040465846657753, -0.0034604596439749002, -0.010860519483685493, 0.011765562929213047, 0.029316304251551628, -0.0264532919973135, 0.007305414881557226, -0.016136981546878815, 0.018893517553806305, -0.005527862347662449, -0.01715441606938839, 0.0247260183095932, -0.003481163177639246, 0.0010906363604590297, 0.009754355065524578, 0.008991279639303684, 0.009263384155929089, -0.013025525026023388, -0.0018470572540536523, 0.01383000798523426, -0.024323778226971626, -0.005779263563454151, 0.008115813136100769, 0.017544826492667198, 0.009736609645187855, 0.05082439258694649, -0.03551555424928665, 0.021164998412132263, 0.0031410325318574905, 0.024915309622883797, 0.003617215435951948, -0.02161456272006035, -0.029765868559479713, 0.026216678321361542, -0.006187420338392258, -0.03080696426331997, 0.0031469478271901608, -0.01772228628396988, -0.01380634680390358, -0.019236605614423752, -0.014149434864521027, -0.009304791688919067, 0.009488166309893131, -0.008056660182774067, 0.0291033536195755, 0.010061952285468578, 0.0011697536101564765, -0.0021842303685843945, 0.015166869387030602, 0.022194264456629753, 0.0378580205142498, -0.006364879664033651, 0.020821910351514816, 0.03137483447790146, 0.0008688119705766439, -0.01182471588253975, 0.014871103689074516, -0.00217979378066957, 0.012836234644055367, -0.008778328076004982, 0.0031735668890178204, 0.005119705572724342, -0.029268981888890266, -0.010830942541360855, 0.046115800738334656, 0.01077770534902811, -0.001827832544222474, 0.002215285785496235, -0.00807440560311079, 0.016314441338181496, -0.021141337230801582, 0.004619861487299204, -0.02678454853594303, 0.011564441956579685, -0.01249314658343792, 0.007589349988847971, -0.011185862123966217, 0.008263695985078812, -0.010949249379336834, -0.00028301088605076075, -0.0027535795234143734, -0.00125552574172616, 0.0020733182318508625, -0.013569734059274197, 0.023886043578386307, 0.019260266795754433, 0.00341609469614923, 0.005214350763708353, -0.06270234286785126, -0.0032356777228415012, 0.012694267556071281, 0.020597128197550774, -0.012682436965405941, 0.011274591088294983, -0.01193710695952177, 0.009813508950173855, 0.006560084875673056, -0.0239570289850235, 0.007524281274527311, -0.036178071051836014, -0.016468238085508347, -0.006613322999328375, 0.06871230900287628, 0.0013376007555052638, 0.023424649611115456, 0.0007830398972146213, 0.02938728779554367, -0.04093398526310921, -0.002768367761746049, -0.0044246562756598, -0.020254040136933327, -0.0005316389724612236, 0.020798249170184135, 0.007589349988847971, 0.006305726245045662, 0.046660009771585464, -0.04741717129945755, 0.003578766016289592, -0.033575329929590225, -0.0034279252868145704, -0.020798249170184135, 0.02612203359603882, 0.00815130490809679, -0.01365254819393158, 0.00797384511679411, 0.016551053151488304, 0.007264007348567247, -0.029742207378149033, 0.021957650780677795, 0.02616935595870018, -0.012031751684844494, -0.004785490222275257, 0.015095885843038559, 0.01201400626450777, 0.03052302822470665, 0.029150675982236862, -0.010127020068466663, -0.03873348608613014, -0.025743452832102776, 0.0005867253639735281, -0.00748878950253129, -0.010103358887135983, 0.008382001891732216, 0.023602109402418137, 0.017923405393958092, 0.021780192852020264, 0.013356782495975494, -0.008458901196718216, -0.001756848767399788, 0.012256533838808537, 0.006110521033406258, 0.010339971631765366, -0.0299078356474638, -0.006007003132253885, -0.011706409975886345, -0.008322848938405514, -0.0074178059585392475, -0.021851176396012306, 0.0032415930181741714, 0.013971975073218346, 0.02192215994000435, 0.02441842295229435, 0.011724155396223068, -0.022915933281183243, 0.005927146412432194, -0.022312570363283157, 0.004998441785573959, 0.006849935278296471, -0.006849935278296471, 0.008405663073062897, 0.0028127324767410755, -0.016468238085508347, -0.00378580205142498, 0.005208435468375683, 0.03366997465491295, 0.01782876066863537, -0.02593274414539337, 0.020857403054833412, 0.01366437878459692, 0.0098667461425066, 0.030120786279439926, -0.021472595632076263, -0.007376398425549269, -0.013415935449302197, -0.0034456714056432247, 0.025222904980182648, 0.012871726416051388, 0.0284881591796875, 0.021295135840773582, 0.012084989808499813, 0.004037202801555395, 0.0023927451111376286, -0.017213568091392517, 0.017911575734615326, 0.025483179837465286, 0.037100858986377716, 0.0007793428376317024, -0.01187203824520111, -0.026595259085297585, 0.022371724247932434, 0.00740597490221262, -0.021105846390128136, 0.000710946973413229, 0.005374064203351736, 0.030452044680714607, 0.03986922651529312, -0.016361763700842857, -0.008429325185716152, 0.01511954702436924, -0.0009072615066543221, -0.0016193176852539182, -0.013924652710556984, 0.0031439901795238256, -0.0035994695499539375, -0.0038686164189130068, -0.00887297373265028, -0.025435857474803925, 0.02730509638786316, -0.003188355127349496, -0.0051049175672233105, -0.023188037797808647, -0.02196948230266571, -0.0017834675963968039, 0.015959521755576134, -0.04022414609789848, -0.008766497485339642, 0.002420842880383134, 0.014031128957867622, 0.0028556187171489, 0.0017805099487304688, 0.020585298538208008, 0.00030500846332870424, 0.03549189493060112, 0.06752924621105194, 0.02555416338145733, 0.008346510119736195, -0.019875461235642433, -0.0033332803286612034, -0.01045827753841877, -0.011440220288932323, -0.004250154364854097, -0.022655658423900604, -0.051628872752189636, -0.015249683521687984, -0.005421386566013098, 0.0009272257448174059, 0.01060024555772543, 0.03778703510761261, -0.0432291254401207, 0.006684306543320417, 0.023176206275820732, 0.02024221047759056, -0.005282376892864704, 0.01075404416769743, 0.007382313720881939, 0.004235365893691778, 0.02063262090086937, -0.023625770583748817, 0.01818368025124073, 0.005924188531935215, -0.008399748243391514, 0.005270546302199364, -0.008500308729708195, 0.014894764870405197, -0.05442090332508087, -0.0010292648803442717, -0.00566095719113946, -0.016941463574767113, -0.019070977345108986, 0.017225399613380432, -0.008488478139042854, -0.0035403163637965918, 0.0036881992127746344, -0.022324401885271072, 0.00027543187025003135, 0.00022163947869557887, -0.024098996073007584, 0.01890534907579422, -0.021697377786040306, -0.007062886841595173, -0.014338725246489048, -0.010896011255681515, -0.0050102723762393, 0.01199034508317709, -0.000692831352353096, 0.0004713766975328326, 0.0008762061479501426, 0.016290778294205666, 0.003288915380835533, -0.018219172954559326, 0.011404728516936302, -0.016077827662229538, 0.01921294443309307, -0.012150058522820473, 0.029221659526228905, -0.01743835024535656, 0.0060513680800795555, 0.00440986780449748, -0.011670917272567749, 0.04673099145293236, 0.03873348608613014, -0.0004547399003058672, 0.01995827443897724, -0.012717928737401962, -0.04673099145293236, -0.008092151954770088, -0.035941459238529205, -0.012812573462724686, -0.0004695281677413732, 0.001577910385094583, 0.00989040732383728, 0.006406286731362343, 0.02588542178273201, -0.026547936722636223, -0.010653483681380749, 0.03499500826001167, 0.009275214746594429, 0.004513385705649853, -0.0026323155034333467, -0.003966219257563353, 0.027967611327767372, -0.0006924616172909737, 0.01761581003665924, -0.0015231937868520617, 0.03428516909480095, -0.04382065683603287, 0.03049936704337597, -0.018609583377838135, 0.0610460564494133, -0.03291281685233116, -0.0019283929141238332, -0.024300117045640945, 0.03762140870094299, -0.035042330622673035, 0.006997818127274513, 0.014906595461070538, -0.013392274267971516, -0.006873596925288439, -0.03866250440478325, 0.050161875784397125, -0.010073782876133919, -0.022288909181952477, -0.0056727877818048, -0.0030789216980338097, 0.009618302807211876, -0.0005804403335787356, 0.013392274267971516, 0.010280818678438663, -0.004418740980327129, -0.0008222288452088833, -0.00682035880163312, -0.021129507571458817, -0.0006462482269853354, -0.018562261015176773, 0.017379196360707283, -0.033528007566928864, 0.0025524587836116552, -0.055414676666259766, 0.00316173629835248, -0.02498629316687584, -0.0042264931835234165, 0.01112670823931694, -0.05030384287238121, -0.016515560448169708, 0.0111917769536376, 0.006755290552973747, 0.02256101369857788, -0.014622660353779793, 0.009707032702863216, 0.010174342431128025, -0.008671852760016918, 0.004847601056098938, 0.010387293994426727, -0.023069730028510094, 0.03459276631474495, 0.003983965143561363, 0.02249003015458584, 0.0253412127494812, 0.026689903810620308, -0.005510116461664438, -0.005397725384682417, -0.00048727411194704473, 0.026902854442596436, 0.0008813820313662291, 0.020585298538208008, -0.0002465947181917727, 1.0906363058893476e-05, 0.029552916064858437, 0.006684306543320417, 0.017343705520033836, 0.02496263198554516, -0.004566623829305172, 0.033598992973566055, 0.026571597903966904, -0.008399748243391514, 0.0013871415285393596, 0.012836234644055367, 0.012954541482031345, 0.028961384668946266, 0.005486455280333757, 0.01439787819981575, 0.029529254883527756, -0.02446574531495571, -0.003957346081733704, 0.006873596925288439, 0.014137604273855686, 0.03324407339096069, 0.002043741522356868, 0.0112686762586236, -0.0100205447524786, 0.0076780798844993114, -0.001756848767399788, 0.030073463916778564, -0.0064536090940237045, -0.013900991529226303, -0.01761581003665924, 0.04448317363858223, 0.03338604047894478, -0.005362233612686396, -0.012765251100063324, -0.008340595290064812, 0.03494768589735031, 0.004362545441836119, 0.011647256091237068, 0.04968865215778351, -0.0066014924086630344, 0.06994269043207169, -0.010552923195064068, -0.05782812461256981, 0.004069737158715725, 0.004377333447337151, -0.020384177565574646, 0.02382689155638218, 0.01248131599277258, 0.06109337881207466, 0.004761829040944576, 0.02593274414539337, 0.0034663749393075705, 0.0366276353597641, 0.011369236744940281, 0.012019921094179153, 0.02446574531495571, 0.0005663914489559829, -0.0369352288544178, -0.009251553565263748, -0.004324095789343119, -0.006287980359047651, 0.004531131591647863, 0.018065374344587326, -0.003481163177639246, 0.011286422610282898, -0.013877330347895622, 0.031232865527272224, 0.031540464609861374, 0.009647879749536514, -0.01307284738868475, -0.021129507571458817, -0.011960768140852451, -0.005007314495742321, -0.02256101369857788, 0.02258467487990856, -0.00740597490221262, -0.033315058797597885, 0.007127955090254545, -0.002660413272678852, 0.0378580205142498, 0.019118299707770348, -0.012280195020139217, -0.04888416826725006, -0.0010159554658457637, -0.021141337230801582, 0.000820010609459132, -0.010322225280106068, 0.0053474451415240765, 0.050114553421735764, 0.020419670268893242, 0.008476647548377514, -0.028985045850276947, 0.013605225831270218, -0.011877954006195068, -0.020727265626192093, -0.048742201179265976, 0.02500995434820652, -0.013155661523342133, 0.008920296095311642, -0.0165865458548069, 0.004202831536531448, -0.034498121589422226, 0.004146636463701725, -0.022738473489880562, -0.013439596630632877], "87f2210c-e344-4a79-8168-3e0b8a94f5c3": [0.007901929318904877, 0.03641263395547867, 0.025823595002293587, 0.004964324180036783, 0.058296650648117065, -0.008408608846366405, 0.03755124285817146, 0.021565206348896027, -0.00679748086258769, 0.02741764485836029, 0.02066570706665516, -0.06490056961774826, -0.04130864143371582, 0.020847884938120842, 0.015803858637809753, 0.002802395261824131, 0.007173220627009869, 0.016669198870658875, -0.0180241409689188, 0.010953394696116447, 0.039919544011354446, 0.04328981786966324, 0.006700699217617512, 0.00044263325980864465, 0.04073933884501457, -0.01071428693830967, -1.3843408851244021e-05, 0.028579022735357285, 0.021223625168204308, -0.03966904804110527, 0.02479884959757328, -0.01043532881885767, -0.009587066248059273, 0.01186427939683199, -2.2104977688286453e-05, -0.02262411080300808, -0.055472906678915024, 0.0044974954798817635, 0.007753910031169653, -0.0404660739004612, -0.002618794795125723, 0.00973508507013321, 0.00281235808506608, -0.03402156010270119, -0.0026814183220267296, 0.05128283426165581, -0.02381964772939682, -0.04973433166742325, -0.033065132796764374, 0.02864733897149563, -0.03204038739204407, 0.018490970134735107, -0.012012298218905926, -0.006302186753600836, 0.045293767005205154, -0.0044263326562941074, -0.0349552184343338, -0.05597389489412308, -0.012729620561003685, -0.0005781985819339752, -0.006729164160788059, 0.029421592131257057, -0.03575224429368973, 0.05647488310933113, -0.001982598565518856, -0.008698953315615654, -0.010907850228250027, 0.032951273024082184, -0.0262107215821743, 0.03518294170498848, 0.016088509932160378, 0.035365115851163864, 0.0557006299495697, -0.023136483505368233, -0.04206012189388275, 0.0009500247542746365, 0.016794444993138313, -0.012228633277118206, 0.031539399176836014, 0.016521180048584938, -0.007258616387844086, -0.018103843554854393, -0.06480947881937027, -0.01627068594098091, -0.006746243219822645, 0.002342682797461748, -0.047684840857982635, 0.01069720834493637, -0.05656597018241882, -0.06872628629207611, -0.001594049041159451, 0.06089267507195473, -0.037414610385894775, 0.028806744143366814, 0.017648400738835335, 0.02744041569530964, -0.026575075462460518, 0.03793836757540703, 0.0031482470221817493, 0.04543039947748184, 0.04410961642861366, -0.04010172188282013, -0.02318202704191208, -0.019936999306082726, 0.11978140473365784, 0.014596935361623764, -0.016236528754234314, 0.03925915062427521, 0.007252923212945461, -0.020734023302793503, -0.08976773172616959, -0.00011688507220242172, 0.014027631841599941, 0.05957189202308655, 0.050554126501083374, 0.015314256772398949, -0.009376424364745617, -0.022920148447155952, -0.022259756922721863, -0.007651435676962137, -0.023660242557525635, -0.047912560403347015, -0.006592531688511372, -0.011625172570347786, 0.014061789959669113, 0.03511462360620499, 0.009712313301861286, 0.01208061445504427, -0.030970096588134766, -0.017079096287488937, 0.02043798565864563, 0.015382573939859867, 0.013025658205151558, 0.0037602479569613934, 0.023034008219838142, -0.025208747014403343, -0.027827542275190353, 0.009273950010538101, -0.03365720808506012, -0.020950358361005783, -0.00174776092171669, -0.045612577348947525, 0.007765296380966902, 0.05652042478322983, 0.026370126754045486, 0.015200396068394184, -0.03695916756987572, -0.012536057271063328, -0.00745787238702178, -0.052057087421417236, 0.016783058643341064, -0.007076439447700977, -0.002529129618778825, 0.011090027168393135, 0.012171703390777111, -0.041786856949329376, -0.010919236578047276, 0.0393274687230587, 0.0001638525864109397, 0.049779877066612244, -0.026392897590994835, -0.0404433012008667, 0.007042280863970518, -0.0049500917084515095, 0.0011201041052117944, -0.0047593750059604645, 0.02099590376019478, -0.034249283373355865, -0.047912560403347015, -0.007662821561098099, -0.055472906678915024, -0.005098110530525446, -0.0022373616229742765, -0.029216641560196877, -0.002766813850030303, -0.021246396005153656, -0.010708593763411045, -0.056429337710142136, 0.004315318539738655, -0.015006833709776402, -0.013651891611516476, 0.03265523537993431, -0.04882344603538513, -0.037004709243774414, 0.020198879763484, 0.00344143807888031, 0.023216186091303825, -0.004588583949953318, -0.05652042478322983, -0.007839305326342583, -0.01606573723256588, 0.02284044586122036, -0.00579550676047802, -0.09382117539644241, -0.03267800435423851, -0.0338393859565258, 0.02218005433678627, -0.015803858637809753, 0.006450205575674772, -0.010014044120907784, 0.003159632906317711, -0.03759678453207016, -0.01673751510679722, -0.0010873691644519567, -0.024388950318098068, -0.01714741438627243, 0.002188971033319831, -0.013754365965723991, 0.008892516605556011, -0.0710490420460701, 0.021178079769015312, -0.029672084376215935, 0.02917109802365303, 0.05560953915119171, -0.03629877418279648, 0.011761805042624474, -0.0316760316491127, 0.009148702956736088, -0.01727266050875187, 0.0223850030452013, 0.007304160390049219, -0.018331564962863922, 0.027895858511328697, 0.008101184852421284, -0.003119781846180558, 0.04579475149512291, -0.015872174873948097, 0.003105549141764641, 0.02227114327251911, -0.03705025464296341, 0.027281010523438454, 0.009114544838666916, 0.005593404173851013, 0.010338546708226204, 0.015689997002482414, -0.0311522725969553, 0.04800364747643471, -0.0017790725687518716, -0.05160164460539818, -0.07004707306623459, 0.006808866746723652, 0.0458858422935009, 0.007423714268952608, 0.049870964139699936, 0.02675725147128105, -0.05123729258775711, -0.011716260574758053, -0.04062547907233238, 0.021064219996333122, -0.00011154785170219839, 0.020563233643770218, 0.02142857387661934, 0.030765147879719734, -0.05834219604730606, -0.017192957922816277, -0.044861096888780594, 0.0021334639750421047, 0.019857296720147133, 0.004298239480704069, -0.0524669848382473, 0.03509185090661049, -0.029034465551376343, -0.01966373436152935, -0.016931077465415, 0.0037858665455132723, 0.0163959339261055, -0.015997420996427536, 0.024776076897978783, -0.049552153795957565, 0.013424170203506947, -0.02796417474746704, 0.04203735291957855, 0.024001823738217354, 0.03358888998627663, -0.026597848162055016, 0.027463188394904137, 0.041809629648923874, -0.0032592611387372017, -0.010765524581074715, -0.007492030505090952, 0.0028052416164427996, -0.003361735725775361, 0.02404736913740635, 0.03238196671009064, 0.0316760316491127, -0.002603139029815793, 0.026620618999004364, -0.013150905258953571, -0.01649840734899044, 0.044428423047065735, 0.03855321556329727, 0.0004629147006198764, -0.00984325259923935, -0.03438591584563255, 0.03411265090107918, -0.013708822429180145, 0.009957113303244114, -0.03618491441011429, 0.053377870470285416, 0.05592834949493408, 0.0054254597052931786, 0.02140580117702484, 0.0012382345739752054, -0.005718651227653027, 0.008175194263458252, 0.05952634662389755, 0.04568089172244072, 0.026392897590994835, -0.02085927128791809, -0.06654015928506851, 0.026575075462460518, 0.014232580550014973, 0.028920603916049004, -0.01597464829683304, -0.004893161356449127, -0.026301810517907143, -0.010042509064078331, 0.010469486936926842, -0.01255882903933525, -0.04032944142818451, -0.0018886635079979897, 0.03559283912181854, 0.033725522458553314, -0.009256870485842228, -0.0360938236117363, -0.0316760316491127, -0.006877182982861996, 0.02425231784582138, -0.040716566145420074, -0.004705291241407394, -0.019253835082054138, -0.046819496899843216, -0.00945612695068121, -0.006324958987534046, -0.0360710546374321, 0.021064219996333122, -0.021792927756905556, 0.0005906521109864116, -0.02983148954808712, -0.022999851033091545, -0.01288902573287487, -0.021439960226416588, -0.018331564962863922, 0.01607712358236313, 0.03889479860663414, -0.02187263034284115, 0.02107560634613037, 0.036890849471092224, 0.004107522778213024, 0.03488690406084061, -0.012103387154638767, 0.01625930145382881, -0.008545241318643093, 0.04313041269779205, -0.011830121278762817, 0.010139291174709797, 0.004360863007605076, -0.03800668567419052, -0.02402459643781185, 0.02131471410393715, -0.010640277527272701, -0.019276607781648636, 0.052603621035814285, 0.0284196175634861, -0.010344239883124828, 0.05028086155653, -0.03194929659366608, -0.04119478166103363, 0.0016239375108852983, -0.014574162662029266, -0.008471231907606125, -0.06471839547157288, 0.028328528627753258, -0.02459390088915825, -0.03144831210374832, 0.009604145772755146, 0.020813725888729095, 0.053833313286304474, -0.007936087436974049, 0.03308790549635887, 0.0775163322687149, -0.013799910433590412, -0.0034613637253642082, -0.02807803638279438, 0.04800364747643471, 0.018752848729491234, 0.0060858516953885555, 0.0010695784585550427, 0.025482013821601868, -0.010127904824912548, 0.0015300024533644319, 0.02206619270145893, 0.03561561182141304, -0.01671474240720272, 0.04007894918322563, -0.003748861839994788, -0.006894262041896582, 0.051829367876052856, 0.018946411088109016, -0.017955824732780457, -0.0081865806132555, -0.02219144068658352, -0.03026415966451168, -0.014187037013471127, 0.0012453508097678423, 0.07696979492902756, -0.0016011653933674097, -0.000918713107239455, 0.017204344272613525, -0.038644302636384964, 0.03705025464296341, -0.007104904390871525, 0.02600577287375927, -0.030400792136788368, 0.04654623195528984, -0.056657057255506516, 0.018991956487298012, 0.0917716845870018, 0.00803286861628294, -0.04656900465488434, 0.04511158913373947, -0.0535600483417511, -0.013253379613161087, -0.029877034947276115, -0.03477304056286812, 0.001710756216198206, 0.047274939715862274, 0.008647716604173183, 0.03755124285817146, -0.06307879835367203, -0.050554126501083374, -0.007554654031991959, 0.0360255092382431, 0.012547443620860577, -0.028009720146656036, -0.00699104368686676, 0.04946106672286987, -0.007338318973779678, 0.019595418125391006, -0.003125474788248539, 0.0046540540643036366, 0.013560803607106209, 0.00972939282655716, 0.03178989142179489, -0.030901780351996422, -0.005382762290537357, 0.0676787719130516, 0.012900411151349545, 0.029193870723247528, 0.030423564836382866, -0.036458179354667664, 0.018001368269324303, 0.007469258736819029, 0.004400713834911585, -0.013002886436879635, -0.03299681469798088, 0.02142857387661934, -0.042447250336408615, -0.019060272723436356, -0.02482162043452263, 0.038302723318338394, 0.07747078686952591, 0.06585700064897537, 0.03352057561278343, 0.02306816726922989, 0.010674435645341873, -0.018217703327536583, -0.00814103614538908, -0.03978291153907776, -0.046728409826755524, -0.005829665344208479, 0.0056332554668188095, 0.01879839226603508, 0.0169538501650095, -0.02271519973874092, -0.03192652389407158, 0.018923640251159668, -0.02425231784582138, 0.008232125081121922, -0.04108092188835144, 0.019253835082054138, -0.034135423600673676, -0.0317215770483017, -0.011072947643697262, 0.03081069141626358, 0.020085018128156662, 0.034135423600673676, 0.003341810079291463, 0.024548355489969254, 0.007981630973517895, 0.010754138231277466, 0.011448687873780727, 0.017750874161720276, -0.00841430202126503, 0.0026244879700243473, -0.013150905258953571, -0.040397759526968, -0.010002657771110535, -0.040283896028995514, 0.015462275594472885, -0.041900716722011566, -0.024525582790374756, 0.015428117476403713, 0.0371185727417469, 0.05192045494914055, 0.007520495913922787, 0.010287309996783733, -0.01855928637087345, -0.02709883451461792, 0.001378425513394177, -0.030651286244392395, 0.034135423600673676, 0.0042726206593215466, 0.0038541830144822598, -0.009678155183792114, 0.020187493413686752, 0.043881893157958984, 0.007201686035841703, -0.04732048511505127, -0.003233642317354679, -0.018718689680099487, 0.01813800074160099, 0.026734480634331703, -0.00982617400586605, -0.052603621035814285, 0.024070141837000847, -0.018183546140789986, -0.002216012915596366, -0.019265221431851387, -0.05223926529288292, 0.004024974070489407, -0.04543039947748184, -0.010554881766438484, 0.03912251815199852, 0.01998254284262657, -0.043881893157958984, -0.006973964627832174, -0.0004444123478606343, -0.0017420678632333875, 0.004110369365662336, -0.003034386318176985, -0.02150827646255493, 0.05105511471629143, -0.01005389541387558, 0.033270079642534256, -0.006006149109452963, -0.0026928044389933348, -0.0028251672629266977, -0.0035097545478492975, -0.027485961094498634, 0.029353275895118713, 0.0015968956286087632, 0.011989526450634003, -0.006979657802730799, 0.019936999306082726, 0.04465614631772041, -0.012103387154638767, -0.01208061445504427, -0.011107105761766434, -0.004383634775876999, 0.004340937361121178, -0.011380371637642384, -0.01921967789530754, -0.006529908161610365, 0.013128132559359074, 0.057203590869903564, 0.02219144068658352, -0.05396994575858116, -0.00879573542624712, -0.004511727951467037, 0.006700699217617512, -0.04162745177745819, -0.016430091112852097, -0.0851677656173706, 0.047274939715862274, -0.017989981919527054, -0.05187490954995155, 0.03046911023557186, 0.021064219996333122, 0.009478898718953133, -0.006911341566592455, -0.04381357878446579, -0.0054254597052931786, 0.011659330688416958, -0.027599820867180824, -0.023125097155570984, 0.00014481651305686682, -0.007930394262075424, -0.007628663443028927, -0.014517232775688171, 0.001152127399109304, -0.005180659703910351, 0.014881586655974388, 0.046819496899843216, -0.015792472288012505, -0.013640505261719227, -0.034818585962057114, 0.02391073666512966, 0.015781085938215256, 0.005271748173981905, 0.00535145029425621, -0.010663049295544624, -0.017682557925581932, -0.010156369768083096, -0.030355248600244522, -0.031402766704559326, 0.012501899152994156, -0.019322151318192482, -0.006250949576497078, -0.02054046094417572, 0.02063154987990856, 0.004523114301264286, -0.004622742533683777, -0.018513740971684456, -0.027918631210923195, 0.03060574270784855, -0.03659481182694435, 0.02523151971399784, 0.018001368269324303, 0.01715879887342453, -0.0004109657893422991, 0.03363443538546562, 0.00491878017783165, 0.009222712367773056, 0.06959162652492523, -0.009894490242004395, -0.006592531688511372, 0.007674207910895348, -0.03026415966451168, -0.018821164965629578, -0.02502657100558281, -0.020460758358240128, 0.04968878626823425, -0.030241388827562332, -0.004651207476854324, 0.04249279201030731, -0.00048568681813776493, -0.007714058738201857, 0.013446942903101444, 0.014027631841599941, 0.006546987220644951, -0.018217703327536583, 0.017090482637286186, -0.0038883411325514317, 0.05028086155653, 0.004719523712992668, -0.02785031497478485, 0.01086799893528223, -0.007668514735996723, -0.013913771137595177, 0.005863823462277651, 0.007543268147855997, 0.016988009214401245, -0.05114620178937912, 0.0436997152864933, -0.00437509547919035, 0.006142782047390938, 0.028374074026942253, -0.019925612956285477, -0.018001368269324303, -0.02470776066184044, 0.01033285353332758, 0.03160771727561951, -0.023774104192852974, 0.026301810517907143, -0.012467741034924984, 0.03759678453207016, 0.01791027933359146, 0.0021747383289039135, -0.03133444860577583, -0.044838324189186096, -0.006171246990561485, 0.005781274288892746, -0.017318204045295715, -0.050189774483442307, -0.01705632545053959, 0.023409748449921608, -0.024411723017692566, -0.0169538501650095, 0.039942316710948944, -0.0006867220508866012, -0.03402156010270119, -0.019265221431851387, 0.013811296783387661, -0.0010596156353130937, -0.021929560229182243, 0.05264916270971298, -0.010503645054996014, 0.005627562757581472, -0.010310081765055656, 0.0010581923415884376, 0.022669654339551926, -0.01159101352095604, -0.02928495779633522, 0.018969183787703514, 0.055017463862895966, -0.01262714620679617, -0.005018407944589853, -0.010907850228250027, -0.10411417484283447, 0.006672233808785677, -0.010110825300216675, 0.018069684505462646, -0.036002736538648605, -0.026187948882579803, -0.008175194263458252, -0.04210566729307175, 0.018103843554854393, 0.017090482637286186, -0.020563233643770218, 0.004019280895590782, 0.04565811902284622, -0.02372855879366398, 0.006962578743696213, 0.008038561791181564, 0.03730074688792229, -0.019196905195713043, -0.042333390563726425, 0.06171246990561485, -0.005408380646258593, -0.00885835848748684, 0.018718689680099487, -0.002116384683176875, -0.028715655207633972, 0.013629119843244553, 0.01142022293061018, -0.025504784658551216, 0.005303059704601765, -0.00960983894765377, -0.003162479493767023, -0.021690454334020615, 0.02536815218627453, -0.005206278059631586, 0.05715804547071457, -0.03320176526904106, 0.022476091980934143, -0.0524214431643486, -0.01169348880648613, -0.013037044554948807, -0.02142857387661934, 0.03946410119533539, 0.000856089754961431, 0.016578109934926033, 0.031015640124678612, -0.0223850030452013, -0.02142857387661934, -0.009370731189846992, 0.01518901064991951, -0.05929862707853317, -0.0061029307544231415, 0.024525582790374756, 0.008220738731324673, -0.00378301995806396, 0.006228177342563868, 0.037209659814834595, 0.013469714671373367, -0.05442538857460022, -0.006046000402420759, -0.006256642751395702, -0.0037346293684095144, -0.004930166061967611, 0.05601944029331207, -0.016225142404437065, -0.008716032840311527, -0.012023684568703175, 0.011283590458333492, 0.0021363103296607733, -0.02917109802365303, 0.041559137403964996, -0.009695233777165413, 0.010885077528655529, -0.01661226898431778, 0.00529736652970314, -0.0032507216092199087, 0.07018370181322098, -0.0425838828086853, 0.013458328321576118, -0.04053439199924469, 0.0371868871152401, -0.007195992860943079, -0.013515259139239788, -0.03955518826842308, -0.03746015205979347, -0.004859003238379955, -0.013264765962958336, 0.046819496899843216, -0.006763322278857231, -0.018980570137500763, 0.00847692508250475, -0.022032035514712334, 0.019276607781648636, -0.00922840554267168, -0.03356611728668213, 0.04413238540291786, 0.007076439447700977, 0.00896652601659298, -0.003882648190483451, -0.013355853967368603, -0.0024038830306380987, 0.033383943140506744, 0.02732655592262745, 0.017079096287488937, -0.006740550510585308, 0.041513592004776, 0.01791027933359146, 0.02666616439819336, -0.019800366833806038, -0.011841507628560066, -0.025322608649730682, 0.013196448795497417, -0.007867771200835705, 0.016213756054639816, -0.0065242149867117405, 0.019299380481243134, 0.007827919907867908, 0.040283896028995514, 0.004346630070358515, -0.028556250035762787, -0.018320178613066673, 0.007953166030347347, 0.028169123455882072, -0.02284044586122036, -0.02864733897149563, -0.030400792136788368, -0.015929104760289192, 0.02416122891008854, -0.008471231907606125, -0.032290879637002945, 0.038735393434762955, -0.011556855402886868, 0.011545469984412193, 0.011266510933637619, -0.018194932490587234, -0.018286019563674927, 0.003990815486758947, 0.003765940899029374, -0.010924928821623325, -0.009091773070394993, -0.005610483232885599, 0.0036976246628910303, 0.02796417474746704, 0.02032412588596344, -0.021940946578979492, -0.008243510499596596, -0.019151361659169197, 0.013834068551659584, -0.00863063707947731, -0.009273950010538101, 0.024844393134117126, 0.009199940599501133, 0.0360482819378376, -0.01562168076634407, -0.0458858422935009, -0.01372020784765482, -0.010668742470443249, -0.015519206412136555, -0.04023835435509682, 0.022214211523532867, 0.006057386286556721, -0.005875209346413612, 0.003341810079291463, -0.01825186237692833, -0.01605435088276863, -0.017637014389038086, 0.009000684134662151, -0.035251256078481674, 0.06280553340911865, -0.008881130255758762, 0.007919007912278175, -0.019071659073233604, 0.016373161226511, -0.013458328321576118, 0.042242299765348434, -0.01847958378493786, -0.006831638980656862, 0.0003846354957204312, 0.024889938533306122, 0.0020736870355904102, 0.021041447296738625, -0.026187948882579803, 0.02643844299018383, -0.0012987230438739061, 0.050872936844825745, 0.025709735229611397, 0.007224458269774914, -0.017340976744890213, -0.007936087436974049, 0.0087501909583807, 0.012114772573113441, -0.01978898048400879, 0.003125474788248539, -0.012251405976712704, 0.01855928637087345, -0.010093746706843376, -0.02830575779080391, 0.05811447650194168, 0.0032108703162521124, 0.012934569269418716, 0.012866253033280373, 0.03627600148320198, -0.01098755281418562, 0.0021548126824200153, 0.02262411080300808, 0.0044092535972595215, 0.011004631407558918, 0.018855324015021324, -0.016430091112852097, -5.679689274984412e-05, 0.03648095205426216, 0.03882648050785065, 0.012866253033280373, -0.05378777161240578, 0.016475636512041092, -0.006592531688511372, 0.026939429342746735, 0.03529680147767067, -0.024981025606393814, -0.0021476964466273785, 0.048686813563108444, 0.014437530189752579, 0.006689312867820263, -0.004756528418511152, 0.008049948140978813, -0.015348415821790695, 0.025390924885869026, -0.018422652035951614, 0.02359192632138729, 0.00024462249712087214, -0.006273721810430288, -0.01737513579428196, 0.0006187614635564387, 0.01562168076634407, -0.016327617689967155, 0.024115685373544693, 0.03812054544687271, -0.009205633774399757, -0.0029432978481054306, -0.00858509261161089, 0.038188859820365906, 0.014904358424246311, 0.03156217187643051, 0.010526416823267937, 0.01163655798882246, 0.011716260574758053, 0.011391757987439632, -0.019276607781648636, -0.015929104760289192, -0.028601795434951782, 0.057431310415267944, -0.010634584352374077, 0.025482013821601868, 0.0005536474054679275, -0.026734480634331703, -0.01857067085802555, -0.022908762097358704, -0.0019427472725510597, 0.0004796379944309592, -0.04574920982122421, 0.013367240317165852, 0.01010513212531805, 0.004915933590382338, 0.021064219996333122, -0.010048202238976955, -0.006552680395543575, 0.02718992345035076, 0.0032848797272890806, -0.014414758421480656, -0.014448916539549828, 0.06868074089288712, -0.012877639383077621, 0.013925157487392426, 0.03192652389407158, -0.017079096287488937, 0.01902611367404461, 0.02675725147128105, 0.0019939846824854612, 0.027918631210923195, -0.020574619993567467, 0.018843937665224075, 0.010611812584102154, 0.004810612183064222, 0.00734970485791564, 0.011215274222195148, 0.02678002417087555, -0.02709883451461792, 0.015519206412136555, -0.012092000804841518, 0.03367998078465462, -0.0016637886874377728, -0.029307730495929718, -0.04076211154460907, -0.02413845807313919, -0.04281160235404968, -0.008106878027319908, 0.010070974007248878, -0.002522013382986188, -0.009478898718953133, -0.004187225364148617, 0.03648095205426216, 0.0294899083673954, 0.03251860290765762, -0.01998254284262657, 0.01327615138143301, -0.012433582916855812, 0.011556855402886868, -0.007833612151443958, 0.030560197308659554, -0.03256414458155632, 0.024639444425702095, -0.021542435511946678, 0.0338849276304245, -0.018399881199002266, 0.01868453249335289, -0.019948385655879974, -0.007827919907867908, -0.011875665746629238, -0.015245940536260605, -0.0058410512283444405, -0.020301353186368942, -0.0513739250600338, -0.016771674156188965, -0.02164490893483162, 0.0039708903059363365, -0.01425535324960947, -0.04777592793107033, 0.03591164946556091, 0.014152878895401955, 0.033178992569446564, 0.023979052901268005, 0.012729620561003685, -0.015815243124961853, -0.023079553619027138, -0.0026614926755428314, -0.011460074223577976, 0.026256265118718147, 0.02206619270145893, -0.018650373443961143, 0.007770989090204239, 0.010788296349346638, -0.06849856674671173, 0.01779641956090927, 0.016578109934926033, 0.027622593566775322, 0.010788296349346638, -0.02162213623523712, 0.03103841282427311, 0.01986868306994438, -0.0073098535649478436, 0.009962806478142738, 0.02459390088915825, -0.021884016692638397, 0.000774964049924165, -0.017113255336880684, 0.013742980547249317, 0.013606347143650055, -0.018650373443961143, 0.041809629648923874, 0.009951421059668064, 0.012695462442934513, 0.018092457205057144, -0.004935859236866236, 0.011118492111563683, -0.002070840448141098, -0.006620996631681919, 0.0012937416322529316, -0.015872174873948097, -0.0069056483916938305, -0.005277440883219242, 0.017557311803102493, 0.02404736913740635, 0.043312590569257736, -0.02589191123843193, 0.01382268313318491, -0.011090027168393135, 0.026415670290589333, -0.007782375440001488, -0.01672612875699997, -0.03625322878360748, 0.018878094851970673, 0.01535980124026537, -0.03103841282427311, 0.00666654109954834, -0.03358888998627663, -0.020278582349419594, -0.030992869287729263, -0.014631093479692936, 0.0015897792764008045, 0.005248975940048695, 0.015689997002482414, 0.014551390893757343, 0.008158115670084953, -0.011368985287845135, 0.002549055265262723, 0.019720664247870445, 0.0256869625300169, 0.03137999400496483, 0.006011842284351587, 0.01781919226050377, 0.03695916756987572, 0.0037061641924083233, -0.013219221495091915, 0.0058410512283444405, 0.01804691180586815, 0.011425916105508804, -0.0202102642506361, 0.006638075690716505, 0.0017591470386832952, -0.022692427039146423, -0.015906332060694695, 0.0316760316491127, 0.013686049729585648, -0.01054349634796381, 0.003950964659452438, -0.023022623732686043, 0.0008703223429620266, -0.017659787088632584, -0.015268713235855103, -0.01924244873225689, 0.0054197669960558414, 0.007247230038046837, -0.002033835742622614, -0.012934569269418716, -0.0056332554668188095, -0.0028607486747205257, -0.00508103147149086, -0.01310536079108715, -0.003225102787837386, 0.014403372071683407, 0.0010823877528309822, 0.02413845807313919, 0.009513056837022305, 0.007662821561098099, 0.013412784785032272, -0.0710034966468811, -0.008733111433684826, 0.0020694173872470856, 0.02557310089468956, -0.01803552731871605, 0.0015385419828817248, -0.011670716106891632, 0.01452861912548542, 0.014562777243554592, -0.025390924885869026, -0.0007728291675448418, -0.034590866416692734, -0.03037802129983902, -0.0128320949152112, 0.06266889721155167, -0.0017050631577149034, 0.03586610406637192, 0.0021007289178669453, 0.039828453212976456, -0.03226810693740845, -0.0004686077299993485, -0.0025348227936774492, -0.029535451903939247, 0.003438591491430998, 0.004853310063481331, 0.014756339602172375, 0.02140580117702484, 0.04340367764234543, -0.026802796870470047, 0.014574162662029266, -0.023102326318621635, -0.011898437514901161, -0.019959772005677223, 0.030628513544797897, 0.00045330770080909133, -0.00984325259923935, 0.0009087502839975059, 0.010025430470705032, 0.008818507194519043, -0.025618646293878555, 0.02646121382713318, 0.025208747014403343, -0.0012261368101462722, -0.004619895946234465, 0.02457112818956375, 0.016304844990372658, 0.036344319581985474, 0.022453319281339645, 0.0015029605710878968, -0.014335055835545063, -0.0030571583192795515, 0.0032364889048039913, 0.0021818545646965504, -0.021792927756905556, -0.007292774505913258, 0.02655230276286602, 0.016783058643341064, 0.03659481182694435, 0.0007429407560266554, 0.014733567833900452, 0.006586838513612747, 0.012581601738929749, 0.015917718410491943, 0.006638075690716505, -0.024184001609683037, -0.0026501065585762262, -0.003390200901776552, -0.008215045556426048, -0.020267195999622345, -0.019606804475188255, 0.0034642103128135204, 0.020847884938120842, 0.019287994131445885, 0.03837103769183159, 0.0033816611394286156, -0.01826324872672558, 0.0068885693326592445, -0.01933353766798973, 0.016020193696022034, 0.0017904586857184768, -0.005365683231502771, 0.005897981580346823, 0.004856156650930643, -0.03288295492529869, 0.016635039821267128, 0.009461820125579834, 0.01890086755156517, 0.02370578609406948, -0.009900183416903019, 0.01738652028143406, 0.006108623929321766, 0.009621224366128445, 0.013902384787797928, -0.030332475900650024, -0.0024423107970505953, -0.0048447707667946815, -0.006057386286556721, 0.037323519587516785, 0.0007571732858195901, 0.011027404107153416, 0.036321546882390976, 0.008653408847749233, 0.00026614926173351705, -0.002126347506418824, -0.03538788855075836, 0.030947323888540268, 0.03875816613435745, 0.032746322453022, -0.0004924472887068987, -0.0013357277493923903, -0.023193413391709328, 0.019640961661934853, 0.018320178613066673, -0.03147108480334282, 0.0006881452864035964, 0.0012510438682511449, 0.036663129925727844, 0.03777896240353584, 0.010429635643959045, -0.011220966465771198, 0.017523154616355896, -0.006581145338714123, -0.011055869050323963, -0.008123957552015781, -0.000837587402202189, -0.01491574477404356, 0.006114316638559103, -0.0317215770483017, -0.029034465551376343, 0.03199484199285507, -0.0013919464545324445, 0.004013587720692158, -0.02523151971399784, -0.025140430778265, 0.0009585643419995904, 0.0011599553981795907, -0.03664035722613335, 0.003694778075441718, -0.0012652764562517405, 0.012968727387487888, -0.0010062435176223516, -0.01278655044734478, 0.01070290058851242, 0.026279037818312645, 0.035365115851163864, 0.05046303942799568, 0.002892060438171029, 0.014608320780098438, -0.026734480634331703, 0.012604373507201672, -0.013777138665318489, 0.005496622994542122, 0.00847692508250475, -0.020813725888729095, -0.04392743855714798, 0.0045515792444348335, 0.002783892909064889, 0.009581373073160648, 0.01359496172517538, 0.03727797791361809, -0.03144831210374832, -0.004947245121002197, 0.010885077528655529, -0.013845454901456833, -0.007366783916950226, 0.024776076897978783, 0.010338546708226204, 0.017750874161720276, 0.02140580117702484, -0.03438591584563255, 0.021485503762960434, -0.002845092909410596, -0.014631093479692936, 0.010167756117880344, -0.007423714268952608, 0.0011314902221783996, -0.057932298630476, 0.008733111433684826, -0.012980113737285137, -0.00814103614538908, -0.0224077757447958, 0.024867165833711624, 0.009046228602528572, 0.013469714671373367, -0.0016196677461266518, -0.0016552491579204798, -0.01098755281418562, 0.010708593763411045, -0.010571961291134357, 0.009786322712898254, -0.016134053468704224, 0.006182633340358734, -0.006598224397748709, -0.003504061372950673, 0.003763094311580062, 0.00912023801356554, -0.013435556553304195, 0.004807766061276197, -0.017785033211112022, 0.025709735229611397, -0.0016253608046099544, -0.013481101021170616, 0.021235011518001556, -0.011921210214495659, 0.03242751210927963, -0.001450299983844161, 0.018991956487298012, -0.016225142404437065, 0.01891225390136242, 0.004611356183886528, -0.006154167931526899, 0.03345225751399994, 0.0360938236117363, -3.9072881918400526e-05, 0.015587522648274899, -0.01557613629847765, -0.053924404084682465, -0.01350387278944254, -0.016680585220456123, -0.0010546342236921191, -0.023569153621792793, -0.004992789588868618, 0.017227116972208023, 0.017215730622410774, 0.021348871290683746, -0.031015640124678612, -0.0185820572078228, 0.02372855879366398, 0.0070821321569383144, -0.007600198034197092, 6.595911690965295e-05, 0.011551163159310818, 0.02262411080300808, 0.0006632382865063846, 0.029694857075810432, 0.008106878027319908, 0.014984061010181904, -0.04927888885140419, 0.0338393859565258, -0.010953394696116447, 0.043972983956336975, -0.0229315347969532, 0.007884849794209003, -0.019265221431851387, 0.044633373618125916, -0.041672997176647186, 0.017944438382983208, 0.029034465551376343, -0.01804691180586815, -0.0030002279672771692, -0.0414908193051815, 0.04996205121278763, -0.01825186237692833, -0.005954911932349205, 0.011642251163721085, -0.006581145338714123, 0.002763967262580991, -0.0005643218173645437, 0.015450890175998211, -0.004767914768308401, -0.012797936797142029, -0.027372099459171295, -0.019538486376404762, -0.022578567266464233, -8.112571231322363e-05, -0.004898854531347752, 0.00304577243514359, -0.024434495717287064, -0.0027867392636835575, -0.039168063551187515, -0.002305678091943264, -0.015826629474759102, -0.006097237579524517, 0.012809323146939278, -0.04996205121278763, -0.01278655044734478, -0.0027397717349231243, 0.005337217822670937, 0.01573554240167141, -0.023022623732686043, -0.018832551315426826, -0.00010701121937017888, -0.013970701955258846, 0.015371187590062618, 0.020460758358240128, -0.03365720808506012, 0.03477304056286812, -0.004355169832706451, 0.02939881943166256, 0.0075888121500611305, 0.03402156010270119, -0.014130106195807457, -0.002573250560089946, -0.004061978776007891, 0.015211782418191433, 0.003882648190483451, 0.015337029471993446, 0.00856801401823759, -0.007748217321932316, 0.02643844299018383, 0.017113255336880684, 0.025390924885869026, 0.027463188394904137, 0.011499925516545773, 0.0316988043487072, 0.03652649745345116, -0.005892288405448198, 0.007753910031169653, 0.002287175739184022, 0.007121983449906111, 0.021610751748085022, -0.001404755748808384, 0.02063154987990856, 0.02457112818956375, -0.005846744403243065, -0.008943754248321056, -0.002134887035936117, 0.0071846069768071175, 0.03427205607295036, 0.013037044554948807, 0.0147449541836977, -0.0009137316956184804, -0.008790042251348495, -0.011505618691444397, 0.0090120704844594, 0.007685593795031309, -0.007304160390049219, -0.006233870517462492, 0.039942316710948944, 0.027030518278479576, -0.0030144606716930866, -0.01208061445504427, -0.02819189615547657, 0.03659481182694435, 0.009302414953708649, -0.012171703390777111, 0.05451647937297821, -0.00666654109954834, 0.06562928110361099, 0.0213033277541399, -0.05223926529288292, -0.001855928567238152, -0.0062623354606330395, -0.03570669889450073, 0.02709883451461792, 0.015097921714186668, 0.05264916270971298, 0.0035325265489518642, 0.006558373104780912, -0.0065071359276771545, 0.030970096588134766, 0.0024152689147740602, -0.002963223261758685, 0.02195233292877674, 0.006063079461455345, -0.031061185523867607, -0.0050212545320391655, -0.012923183850944042, 0.004799226298928261, 0.02262411080300808, 0.010298695415258408, 0.010378398001194, 0.007993017323315144, -0.0017491842154413462, 0.02482162043452263, 0.01966373436152935, 0.01713602803647518, -0.024753304198384285, -0.02425231784582138, -0.001422546454705298, 0.008055641315877438, -0.02807803638279438, -0.002870711497962475, -0.002506357617676258, -0.02338697761297226, 0.00630787992849946, 0.008881130255758762, 0.04502050206065178, 0.01681721769273281, -0.01103878952562809, -0.06367087364196777, 0.000783503579441458, -0.026256265118718147, -0.0005340775824151933, -0.006598224397748709, -0.006911341566592455, 0.04067102447152138, 0.002783892909064889, 0.01327615138143301, -0.0033218844328075647, 0.01213754527270794, -0.02009640447795391, -0.016862761229276657, -0.03773341700434685, 0.03682253509759903, -0.012706847861409187, 0.01323060691356659, -0.008232125081121922, 0.012057842686772346, -0.012547443620860577, 0.012934569269418716, 0.00609154487028718, -0.000855378108099103], "13f2a3a8-2c0d-4b42-a9c6-a5719324f406": [-0.005254443734884262, 0.007734302897006273, 0.005278259981423616, 0.008907250128686428, 0.04708457738161087, -0.007662854623049498, 0.028793755918741226, -0.0008097499958239496, -0.013789565302431583, 0.015075638890266418, 0.0168856680393219, -0.04498875513672829, -0.030865764245390892, 0.01733817532658577, 0.012920275330543518, -0.01849326118826866, -0.0063767810352146626, 0.013944370672106743, -0.04263095557689667, -0.002811797196045518, 0.03722468391060829, 0.0596357025206089, -0.0036289896816015244, -0.007394922431558371, 0.026364507153630257, -0.013348966836929321, -0.004301796667277813, 0.05201452597975731, 0.02307787351310253, -0.027078991755843163, 0.016421252861618996, -0.010764911770820618, -0.009901574812829494, -0.02731715328991413, -0.006769747938960791, -0.03791535273194313, -0.061588630080223083, 0.02019611746072769, 0.013920554891228676, -0.0232445877045393, -0.004331566859036684, -0.007079358212649822, -0.0008268678211607039, -0.038725100457668304, 0.015158995985984802, 0.033271197229623795, -0.04722747579216957, -0.01952926442027092, -0.021244028583168983, 0.038558389991521835, -0.030317991971969604, 0.02974640391767025, -0.007895061746239662, 0.0192196536809206, 0.04074947535991669, 0.015766307711601257, -0.017076198011636734, -0.040678028017282486, 0.006745931692421436, -0.002569169970229268, -0.009127548895776272, 0.007013863883912563, -0.037724822759628296, 0.05720645561814308, 0.012991723604500294, 0.0029874416068196297, -0.03298540413379669, 0.03331882879137993, -0.030913395807147026, 0.04427427053451538, 0.01876714639365673, 0.0379391685128212, 0.05277664586901665, -0.03953485190868378, -0.03670072555541992, 0.0017296497244387865, -0.008835800923407078, 0.0002995628456119448, 0.04096382111310959, 0.021672720089554787, -0.006781655829399824, -0.02981785126030445, -0.05706355720758438, -0.006028469651937485, 0.0011736908927559853, -0.00019090152636636049, -0.06216021999716759, 0.0010129316942766309, -0.03927287459373474, -0.04103527218103409, -0.008365431800484657, 0.06520868837833405, -0.03627203404903412, 0.03203275799751282, -0.005945113021880388, 0.020982051268219948, -0.01956498809158802, 0.019826965406537056, 0.016945209354162216, 0.024887902662158012, 0.05663486570119858, -0.02088678628206253, -0.027507683262228966, -0.009532424621284008, 0.10031373053789139, -0.0030812176410108805, -0.026697933673858643, 0.053919821977615356, 0.0032360227778553963, -0.014182532206177711, -0.07168668508529663, -0.004947810433804989, -0.010723233222961426, 0.05411035194993019, 0.06563737988471985, 0.01084231398999691, -0.01332515012472868, -0.0252213291823864, -0.027722029015421867, -0.01038980670273304, -0.014361154288053513, -0.036152955144643784, -0.009270446375012398, -0.029246263206005096, 0.001091822749003768, 0.044321902096271515, -0.0020124667789787054, 0.017635878175497055, -0.0381535142660141, -0.03562900051474571, 0.017743051052093506, 0.02251819334924221, 0.0007316031260415912, -0.02484027110040188, 0.029317712411284447, -0.01317034475505352, -0.032818689942359924, 0.01692139357328415, -0.04170212522149086, -0.019469723105430603, -0.0071031744591891766, -0.041225798428058624, 0.021255936473608017, 0.06125520542263985, 0.03436674177646637, 0.01671895571053028, -0.03529557213187218, -0.02014848403632641, -0.006483953911811113, -0.04615574702620506, -0.010014701634645462, -0.005126431584358215, -0.008716720156371593, 0.005739698186516762, 0.013075080700218678, -0.03274724259972572, -0.022768264636397362, 0.04103527218103409, -0.01654033362865448, 0.04305964708328247, -0.048013411462306976, -0.04451243206858635, -0.0015837756218388677, -0.012134341523051262, -0.010675600729882717, -0.018910042941570282, 0.009401435032486916, -0.03574807941913605, -0.0425356887280941, -0.012955999933183193, -0.057111188769340515, -0.0006608988624066114, -0.016290264204144478, -0.04086855798959732, 0.03867746889591217, -0.04327399283647537, -0.0053586396388709545, -0.08516664057970047, 0.003295563394203782, -0.010705371387302876, -0.012908367440104485, 0.015754399821162224, -0.03253289684653282, -0.016456976532936096, 0.04346451908349991, 0.0004052471194881946, 0.013384690508246422, 0.015397157520055771, -0.04729892313480377, 0.010342174209654331, -0.000921388273127377, 0.004563774447888136, 0.0126106645911932, -0.09178753942251205, -0.0590641163289547, -0.022399112582206726, 0.02397098019719124, -0.022613458335399628, 0.01796930469572544, -0.010443393141031265, 0.01942209154367447, -0.016564149409532547, -0.008847708813846111, 0.011229326948523521, -0.04753708466887474, -0.016385529190301895, -0.0060135843232274055, -0.021565547212958336, 0.034319110214710236, -0.05973096936941147, 0.02060099132359028, -0.037510477006435394, 0.01637362129986286, 0.04629864543676376, -0.03505741059780121, 0.0128250103443861, -0.040916189551353455, 0.02307787351310253, -0.013110804371535778, 0.018910042941570282, 0.006370827089995146, -0.017600154504179955, 0.008520237170159817, 0.002183645498007536, -0.01632598787546158, 0.01419444102793932, -0.010014701634645462, -0.008520237170159817, 0.031008660793304443, -0.03300921991467476, 0.01601637899875641, 0.016385529190301895, 0.01403963565826416, 0.004337520804256201, 0.00905014667659998, -0.03581952676177025, 0.022637274116277695, 0.006227930076420307, -0.04132106527686119, -0.06982902437448502, 0.008865571580827236, 0.021803708747029305, 0.016183091327548027, 0.0470607616007328, 0.018362270668148994, -0.031818412244319916, -0.00976463221013546, -0.03627203404903412, 0.036676909774541855, -0.006061216816306114, 0.002077961340546608, 0.027960190549492836, 0.011110246181488037, -0.06749504059553146, -0.006525631994009018, -0.045989036560058594, 0.007067450322210789, 0.020529543980956078, 0.004367290996015072, -0.05134767293930054, 0.023125506937503815, -0.01605210267007351, -0.02665030024945736, -0.018016936257481575, 0.021565547212958336, 0.023709002882242203, -0.01820746622979641, 0.04594140127301216, -0.054157983511686325, 0.015528146177530289, -0.015278076753020287, 0.036295849829912186, 0.0339142344892025, 0.010032564401626587, -0.026888461783528328, 0.02070816420018673, 0.029627323150634766, -0.00641250517219305, 0.0017326268134638667, -0.009365711361169815, -0.01468267198652029, -0.0190410315990448, 0.005394363775849342, 0.029770219698548317, 0.007323474157601595, -0.024352040141820908, 0.03579571098089218, 0.01677849516272545, -0.01528998464345932, 0.01849326118826866, 0.02491172030568123, -0.001990139251574874, -0.027531499043107033, -0.048108674585819244, 0.040154073387384415, -0.012164111249148846, -0.0029710677918046713, -0.020696256309747696, 0.05820673331618309, 0.039249058812856674, 0.01205693930387497, -0.0014728816458955407, -0.0061802975833415985, 0.0002785376273095608, -0.0012332313926890492, 0.05820673331618309, 0.025721469894051552, 0.0382249616086483, -0.027055175974965096, -0.07544964551925659, 0.02703136019408703, 0.014932742342352867, 0.0296749547123909, -0.016909483820199966, -0.028484145179390907, -0.033938050270080566, 0.0077283489517867565, -0.0015123271150514483, -0.0213750172406435, -0.05901648476719856, 0.00511750066652894, 0.017921671271324158, 0.02784110978245735, -0.041964102536439896, -0.007895061746239662, -0.037129417061805725, 0.02838888205587864, 0.019160112366080284, -0.030484704300761223, 0.020898694172501564, -0.021910881623625755, -0.022434838116168976, 0.0014125969028100371, -0.012848827056586742, -0.0041976007632911205, 0.013158436864614487, -0.03489069640636444, -0.01127695944160223, -0.009925391525030136, -0.02807927131652832, -0.0021925766486674547, -0.05182399973273277, -0.03996354341506958, 0.004608429968357086, 0.051204778254032135, -0.020458094775676727, 0.0467035211622715, 0.007978418841958046, 0.014718396589159966, 0.04489349201321602, -0.01362285204231739, 0.017838316038250923, -0.007252025417983532, 0.023994797840714455, 0.0072401175275444984, 0.011193602345883846, 0.032199468463659286, -0.02105349861085415, -0.03555754944682121, 0.004340497776865959, -0.01584966480731964, -0.0021687604021281004, 0.07025771588087082, 0.0171357374638319, -0.0010382364271208644, 0.022113319486379623, -0.03005601279437542, -0.01528998464345932, 0.039558667689561844, -0.009847988374531269, 0.0035367021337151527, -0.05168110132217407, 0.0116044320166111, 0.011181694455444813, -0.026745565235614777, -0.010413622483611107, 0.033723704516887665, 0.04615574702620506, -0.0047275107353925705, 0.0253642275929451, 0.07130563259124756, -0.018445627763867378, -0.007442554924637079, -0.0428929328918457, 0.04717984423041344, 0.01677849516272545, 0.011288867332041264, -0.0002400223893346265, 0.014480235055088997, -0.020184209570288658, 0.022732539102435112, 0.01831463910639286, 0.029270078986883163, -0.021934697404503822, 0.0233160350471735, 0.0023071919567883015, 0.0014617177657783031, 0.0469178669154644, 0.0170285664498806, -0.02043427899479866, -0.01268211379647255, -0.022577734664082527, -0.04353597015142441, -0.01601637899875641, 0.0004640432889573276, 0.08583349734544754, -0.016707047820091248, 0.008299937471747398, 0.03746284544467926, -0.028174536302685738, 0.04944238066673279, -0.010693462565541267, 0.03882036730647087, -0.025459492579102516, 0.035533733665943146, -0.06863822042942047, 0.004245233256369829, 0.07287749648094177, 0.015492422506213188, -0.03715323284268379, 0.040987636893987656, -0.0382249616086483, -0.010598198510706425, -0.022923069074749947, -0.03729613125324249, 0.026507403701543808, 0.030865764245390892, 0.016075918450951576, 0.02300642617046833, -0.08092736452817917, -0.03617677092552185, 0.008145132102072239, 0.01407535932958126, 0.016516517847776413, -0.040368419140577316, -0.0021613179706037045, 0.042726218700408936, -0.01858852431178093, 0.005379478447139263, 0.015004190616309643, 0.015623411163687706, 0.02657885104417801, -0.018826687708497047, 0.036438748240470886, -0.03088958002626896, -0.008049867115914822, 0.045917585492134094, 0.020720072090625763, 0.02922244742512703, 0.016933301463723183, -0.04872789606451988, 0.018671881407499313, 0.0049746036529541016, 0.048180121928453445, -0.023899532854557037, -0.04679878428578377, 0.01952926442027092, 0.005376501474529505, -0.027817294001579285, -0.039010897278785706, 0.024209141731262207, 0.0804034098982811, 0.03877273201942444, 0.0336998887360096, -0.00021899717103224248, 0.005814123898744583, -0.016278356313705444, 0.002411387860774994, -0.042726218700408936, -0.0386536531150341, -0.015004190616309643, 0.03915379196405411, 0.03605768829584122, 0.013301334343850613, -0.016695139929652214, -0.03217565268278122, 0.014635039493441582, -0.023780452087521553, -0.0052365814335644245, -0.055205896496772766, 0.04191646724939346, -0.028293617069721222, -0.033580806106328964, -0.013206069357693195, 0.03203275799751282, 0.011497259140014648, 0.03655783087015152, -0.01657605729997158, 0.036748357117176056, 0.002517072018235922, 0.01671895571053028, -0.00391776068136096, 0.04448861628770828, -0.010008747689425945, -0.019934138283133507, -0.004188669845461845, -0.033938050270080566, 0.005093684419989586, -0.04958527907729149, 0.00978249404579401, -0.03246144577860832, -0.018814777955412865, 0.004096382297575474, 0.020112760365009308, 0.05449140816926956, 0.015540054999291897, 0.02311359904706478, -0.032366182655096054, -0.04632246121764183, -0.0013925019884482026, -0.03617677092552185, 0.031080109998583794, 0.013861014507710934, -0.0019276216626167297, -0.017993120476603508, -0.006221975665539503, 0.03596242517232895, -0.0018680812790989876, -0.04579850658774376, 0.0046828556805849075, -0.045298367738723755, 0.011699696071445942, 0.02950824238359928, -0.005885572172701359, -0.039320506155490875, 0.0253642275929451, -0.019969863817095757, -0.02922244742512703, -0.02484027110040188, -0.05163346976041794, -0.0076033142395317554, -0.05958807095885277, 0.017469163984060287, 0.022160951048135757, 0.03036562353372574, -0.022601550444960594, -0.0105446120724082, -0.017528705298900604, -0.013277517631649971, -0.010383852757513523, 0.002938320627436042, -0.03443818911910057, 0.06220785155892372, 0.017802590504288673, 0.02981785126030445, -0.02230384759604931, -0.003498000791296363, -0.007597359828650951, 0.0038165422156453133, -0.025792917236685753, 0.035771895200014114, 0.0011067079612985253, 0.014825569465756416, -0.012705929577350616, 0.012598756700754166, 0.04839446768164635, 0.003676622174680233, -0.013384690508246422, -0.02258964255452156, 0.003667691024020314, 0.020410463213920593, -0.01297981571406126, -0.023994797840714455, 0.00284007890149951, 0.0064720455557107925, 0.03277105838060379, 0.007400876376777887, -0.038367860019207, -0.006126711145043373, -0.005855801980942488, 0.024959351867437363, -0.014897017739713192, -0.021529823541641235, -0.07921259850263596, 0.026173977181315422, -0.010014701634645462, -0.05925464630126953, 0.02338748425245285, 0.0232088640332222, -0.003664714051410556, -0.011074521578848362, -0.03036562353372574, 0.002441158052533865, 0.02815071865916252, -0.025840550661087036, -0.01960071176290512, 0.0008938508690334857, 0.01075300294905901, -0.023447025567293167, -0.02703136019408703, 0.0013552892487496138, -0.006364873144775629, 0.02436394803225994, 0.0590641163289547, -0.027198072522878647, 0.013634760864078999, -0.007484233006834984, 0.04079711064696312, 0.0170285664498806, 0.012884550727903843, 0.011431763879954815, -0.029651138931512833, -0.024625925347208977, -0.00600465340539813, -0.03536701947450638, -0.023863807320594788, -0.007555681746453047, -0.01369430124759674, -0.006704253610223532, -0.02512606605887413, 0.03915379196405411, -0.010532703250646591, 0.004263095557689667, -0.03324738144874573, -0.02060099132359028, 0.03534320369362831, -0.037510477006435394, 0.02657885104417801, 0.01012782845646143, 0.03143735229969025, -0.004688809625804424, 0.010258818045258522, 0.017612062394618988, 0.005965951830148697, 0.04563179239630699, -0.0023801289498806, -0.0192553773522377, -0.012164111249148846, -0.011211465112864971, -0.027126623317599297, -0.007865292020142078, -0.0232445877045393, 0.0641607791185379, -0.026507403701543808, -0.011437718756496906, 0.038344044238328934, -0.01438497006893158, 0.004813844338059425, 0.014361154288053513, 0.002537911292165518, 0.00823444314301014, -0.02884138934314251, 0.022256216034293175, -0.01775495894253254, 0.04868026450276375, 0.001274165348149836, -0.03131826967000961, -0.009008468128740788, -0.012408227659761906, -0.026745565235614777, 0.023899532854557037, -0.001656712731346488, 0.02467355877161026, -0.04910895228385925, 0.034700166434049606, -0.008478558622300625, -0.007412784732878208, 0.01771923527121544, -0.04024933651089668, -0.025149881839752197, -0.02481645531952381, 0.02182752452790737, 0.01012782845646143, -0.021744167432188988, 0.03620058670639992, -0.015456697903573513, 0.016695139929652214, 0.02147028222680092, -0.0019172021420672536, -0.032128021121025085, -0.031675513833761215, 0.01438497006893158, 0.001961857546120882, -0.002351847244426608, -0.04458387941122055, -0.025935815647244453, 0.022494377568364143, -0.018707605078816414, -0.01584966480731964, 0.027602948248386383, -0.011151923798024654, -0.042654771357774734, -0.005200857296586037, 0.012539216317236423, 0.006019538268446922, -0.013182253576815128, 0.04725129157304764, 0.003715323284268379, 0.011521074920892715, -0.0029651138465851545, 0.005638479720801115, 0.014825569465756416, -0.026840830221772194, -0.048180121928453445, 0.02050572633743286, 0.024387763813138008, -0.00228486442938447, -0.0009094802080653608, -0.005102615803480148, -0.0929783508181572, 0.02567383646965027, -0.002874314785003662, 0.017397716641426086, -0.043035827577114105, -0.0192553773522377, -0.005385432858020067, -0.039249058812856674, 0.027055175974965096, 0.03762955591082573, 0.00452507333829999, 0.0019737654365599155, 0.011771144345402718, -0.007859338074922562, 0.0033402186818420887, 0.029841668903827667, 0.040773291140794754, -0.023756634443998337, -0.030413256958127022, 0.04517928510904312, -0.005185972433537245, -0.020029403269290924, 0.019136296585202217, -0.00038738499279133976, -0.030008381232619286, -0.0027775615453720093, 0.0015599594917148352, -0.030151277780532837, -0.006674483418464661, -0.01116978656500578, -0.001205693930387497, -0.03436674177646637, 0.03353317454457283, -0.01880287006497383, 0.020565267652273178, -0.021732259541749954, 0.021732259541749954, -0.050966616719961166, -0.01677849516272545, -0.007508049253374338, -0.03422384336590767, 0.014551683329045773, 0.014968466013669968, 0.019052941352128983, 0.02807927131652832, 0.001216113450936973, -0.02047000266611576, -0.004155922681093216, 0.007293703965842724, -0.05258611589670181, 0.011199556291103363, 0.04813249036669731, 0.00924663059413433, -0.011425809934735298, 0.005543214734643698, 0.03193749114871025, 0.018600434064865112, -0.04891842603683472, -0.025006985291838646, 0.006793564185500145, 0.01137817744165659, 0.01377765741199255, 0.057492248713970184, -0.010961394757032394, -0.001686482923105359, -0.008853663690388203, -0.005028190091252327, 0.0027284405659884214, -0.040225520730018616, 0.032818689942359924, -0.004736442118883133, 0.00039185050991363823, -0.00354861025698483, -0.0075318654999136925, 0.00887747947126627, 0.05577748268842697, -0.054015085101127625, 0.018719514831900597, -0.04506020247936249, 0.01831463910639286, -0.0023771519772708416, 0.010675600729882717, -0.04048749804496765, -0.031365904957056046, 0.0038582205306738615, -0.015623411163687706, 0.058921217918395996, -0.01004447229206562, -0.036676909774541855, 0.01570676825940609, -0.024054337292909622, 0.02831743285059929, -0.0072401175275444984, -0.03005601279437542, 0.04448861628770828, 0.016492702066898346, 0.019505448639392853, 0.0028594296891242266, -0.010836360044777393, 0.004191646818071604, 0.042750034481287, 0.01932682655751705, 0.022542010992765427, -0.0042124860920012, 0.057254087179899216, 0.0074663711711764336, 0.04020170494914055, -0.008716720156371593, 0.0034265522845089436, -0.014873201958835125, 0.011854501441121101, -0.0026927164290100336, 0.016695139929652214, -0.011949766427278519, 0.012586848810315132, 0.0014922322006896138, 0.03596242517232895, -0.0012518377043306828, -0.011521074920892715, -0.012670204974710941, 0.01983887515962124, 0.024006705731153488, 0.0006069403607398272, -0.01343232300132513, -0.038939446210861206, -0.022649183869361877, 0.01661178283393383, -0.021767985075712204, -0.029317712411284447, 0.03601005673408508, -0.016707047820091248, 0.00656731054186821, -0.0011855990160256624, -0.00031891348771750927, -0.02779347635805607, 0.011711603961884975, 0.016218814998865128, -0.011318637058138847, 0.004495303146541119, -0.01945781521499157, 0.004819798748940229, 0.033271197229623795, 0.011943812482059002, -0.02891283668577671, 0.02300642617046833, 0.0029457632917910814, 0.01806456968188286, -0.006216021720319986, -0.02648358792066574, 0.040535129606723785, 0.017528705298900604, 0.03446200489997864, -0.021767985075712204, -0.03150879964232445, -0.013122713193297386, -0.004739419091492891, -0.028174536302685738, -0.02362564578652382, 0.020767705515027046, 0.0077997976914048195, 0.0059123653918504715, 0.009722953662276268, -0.01499228272587061, -0.010770865716040134, -0.03784390166401863, 0.019648345187306404, -0.035462286323308945, 0.07101983577013016, -0.01179496105760336, 0.02220858447253704, 0.0004298075509723276, 0.023982888087630272, -0.00470964889973402, 0.03443818911910057, -0.031985122710466385, -0.004921017214655876, 0.009788447991013527, 0.02199423871934414, 0.0037570015992969275, 0.011568707413971424, -0.03360462561249733, 0.01717146299779415, -0.011175740510225296, 0.03948722034692764, 0.01581394113600254, 0.01423016469925642, -0.019695976749062538, 0.01209266297519207, 0.02144646644592285, 0.01883859559893608, -0.015016098506748676, 0.0029874416068196297, -0.010520795360207558, -0.001324774813838303, 0.0044149234890937805, -0.03601005673408508, 0.07302039116621017, -0.005575961899012327, 0.01824318990111351, -0.0034325062297284603, 0.02085106261074543, -0.010479116812348366, 0.003372965846210718, 0.03103247657418251, -0.003146712202578783, 0.01209266297519207, 0.02063671685755253, -0.01657605729997158, -0.004373245406895876, 0.028341248631477356, 0.04186883568763733, 0.02672174945473671, -0.03134208545088768, 0.04305964708328247, -0.01271783746778965, 0.011681834235787392, 0.027722029015421867, -0.02603108063340187, -0.014551683329045773, 0.03634348511695862, 0.011461534537374973, 0.021327385678887367, -0.014980374835431576, -0.004474463872611523, -0.026007262989878654, 0.03503359481692314, -0.013229885138571262, 0.029174815863370895, 0.003902875818312168, 0.009508607909083366, -0.022113319486379623, 0.008180856704711914, 0.026531219482421875, 0.0026406184770166874, 0.03436674177646637, 0.03446200489997864, -0.030246542766690254, 0.012217697687447071, -0.007877199910581112, 0.02762676402926445, 0.022220492362976074, 0.024316314607858658, -0.006501815747469664, -0.0014416228514164686, 0.01786213181912899, 0.0076271300204098225, -0.019541172310709953, -0.01608782634139061, -0.008454741910099983, 0.02779347635805607, -0.011669926345348358, 0.033723704516887665, 0.0034057130105793476, -0.03224710002541542, -0.021148763597011566, -0.014420694671571255, 0.011681834235787392, -0.00259745167568326, -0.033652257174253464, 0.02099395915865898, 0.01468267198652029, 0.010074242018163204, 0.021041590720415115, -0.007371106185019016, -0.0026227564085274935, 0.030460888519883156, 0.0013188207522034645, -0.017921671271324158, -0.0008558938279747963, 0.04541744664311409, -0.03489069640636444, -0.012432043440639973, 0.05258611589670181, 0.008853663690388203, 0.01831463910639286, 0.03784390166401863, -0.005501536652445793, 0.02853177860379219, 0.0027701188810169697, 0.03110392577946186, 0.013337058015167713, 0.012003352865576744, 0.0008134712697938085, 0.020303290337324142, 0.012622573412954807, -0.028650859370827675, 0.026245426386594772, -0.018445627763867378, 0.026555035263299942, 0.01174732856452465, -0.03284250572323799, -0.0504426583647728, -0.04322635754942894, -0.02731715328991413, -0.005468789488077164, -0.007085312157869339, -0.006364873144775629, -0.01771923527121544, -0.005296121817082167, 0.011854501441121101, 0.030389439314603806, 0.030222726985812187, -0.0007059263298287988, 0.016349803656339645, -0.0106696467846632, 0.029412977397441864, -0.0011014981428161263, 0.04489349201321602, -0.03677217662334442, 0.012563033029437065, -0.012908367440104485, 0.023054057732224464, -0.022530101239681244, 0.014277797192335129, -0.013801474124193192, -0.022637274116277695, -0.005203834269195795, -0.03217565268278122, 0.010782773606479168, -0.02619779296219349, -0.029698770493268967, -0.020041311159729958, -0.021363109350204468, -0.0031318271066993475, -0.02648358792066574, -0.013515680097043514, 0.02300642617046833, 0.0033789200242608786, 0.006406551226973534, 0.013610944151878357, 0.014611223712563515, -0.025388043373823166, -0.02922244742512703, 0.005114523693919182, -0.002478370675817132, 0.03096102736890316, 0.017361991107463837, -0.029936932027339935, 0.000995069625787437, 0.011128108017146587, -0.08359477669000626, 0.020041311159729958, 0.009401435032486916, 0.01800502836704254, 0.016218814998865128, -0.020077036693692207, 0.0339142344892025, 0.009044192731380463, -0.006811426021158695, 0.00995516125112772, 0.01584966480731964, -0.021458374336361885, -0.008282074704766273, -0.014051543548703194, 0.009794401936233044, 0.017159555107355118, -0.004825752694159746, 0.016909483820199966, 0.012586848810315132, -0.0025527963880449533, 0.032509081065654755, 0.002195553621277213, 0.01207480113953352, 0.010586289688944817, -0.002030329080298543, 0.004242256283760071, -0.014325429685413837, -0.01306317187845707, -0.003420598106458783, 0.0007602569530718029, 0.023506565019488335, 0.03670072555541992, -0.012432043440639973, 0.03277105838060379, -0.00797246489673853, 0.0384393073618412, 0.0017222071764990687, -0.010967348702251911, -0.04013025760650635, 0.006364873144775629, -0.010377898812294006, -0.026388322934508324, 0.010705371387302876, -0.026840830221772194, -0.013658576644957066, -0.025316594168543816, -0.01430161390453577, 0.01963643729686737, 0.0038760825991630554, 0.004108290188014507, 0.015123271383345127, 0.0041678305715322495, -0.003134804079309106, -0.010943532921373844, 0.025102248415350914, 0.01751679740846157, 0.014003911055624485, 0.02786492556333542, 0.028436513617634773, 0.03641493245959282, 0.0005887061124667525, -0.002695693401619792, 0.009913482703268528, 0.024887902662158012, 0.015432882122695446, -0.027436234056949615, 0.006507770158350468, 0.015242352150380611, -0.01804075390100479, 0.004468509927392006, 0.026697933673858643, 0.014456418342888355, -0.01782640814781189, 0.007752165198326111, -0.022053778171539307, 0.003920738119632006, -0.020898694172501564, 0.0035039547365158796, -0.01092567015439272, 0.005382455885410309, 0.0010374921839684248, 0.006954323500394821, 0.008365431800484657, -0.01004447229206562, -0.005165133159607649, 0.026459770277142525, -0.013813382014632225, 0.0024977214634418488, 0.014456418342888355, 0.007454462815076113, 0.023744726553559303, 0.02119639702141285, 0.0008194252732209861, 0.003009769134223461, -0.07530675083398819, -0.008246351033449173, 0.009770586155354977, 0.025554755702614784, 0.002478370675817132, -0.009103733114898205, -0.006900737062096596, 0.002412876347079873, 0.005185972433537245, -0.026459770277142525, 0.015016098506748676, -0.017254820093512535, -0.025911999866366386, -0.014897017739713192, 0.06997192651033401, -0.00368853029794991, 0.032366182655096054, -0.014980374835431576, 0.03798680007457733, -0.02786492556333542, -0.009169227443635464, 0.0003282166726421565, -0.01952926442027092, -0.012110525742173195, -0.0033461726270616055, 0.013194161467254162, 0.0007304867613129318, 0.06616133451461792, -0.011229326948523521, 0.027198072522878647, -0.017016656696796417, -0.006775701884180307, -0.020231841132044792, 0.0384393073618412, -0.005977860186249018, -0.008621455170214176, 0.00021657835168298334, 0.005537260789424181, -0.008151086047291756, -0.03131826967000961, 0.021767985075712204, 0.04170212522149086, 0.02144646644592285, -0.018409904092550278, 0.013420415110886097, 0.007639038376510143, 0.05282427743077278, 0.012348687276244164, 0.004239279311150312, -0.030984845012426376, 0.004775143228471279, 0.0007189508178271353, 0.012205789797008038, -0.017528705298900604, -0.016183091327548027, 0.018921950832009315, 0.019481630995869637, 0.03570044785737991, -0.01737390086054802, 0.005126431584358215, -0.006882874760776758, 0.006352964788675308, 0.03186604380607605, -0.005427110940217972, -0.025149881839752197, 0.00967532116919756, 0.0015718676149845123, -0.01509945560246706, -0.0062815165147185326, -0.004516142420470715, 0.002616802230477333, 0.007680716458708048, 0.0036051736678928137, 0.027602948248386383, 0.0030157233122736216, -0.02014848403632641, 0.014980374835431576, -0.00728774955496192, 0.0014736258890479803, 0.020755797624588013, -0.009758678264915943, -0.00022625367273576558, -0.007204392924904823, -0.027055175974965096, 0.011699696071445942, 0.010508887469768524, 0.03134208545088768, 0.004867430776357651, -0.002862406661733985, 0.003492046846076846, -0.01952926442027092, -0.002843055874109268, -0.00515024783089757, -0.029627323150634766, 0.0035754034761339426, 0.003009769134223461, -0.0013433811254799366, 0.03217565268278122, 0.0052723060362041, 0.0084249721840024, 0.02224430814385414, 0.019160112366080284, -0.017397716641426086, -0.010610106401145458, -0.013360874727368355, 0.028055455535650253, 0.037891536951065063, 0.01626644842326641, 0.0036111276131123304, -0.0052574207074940205, -0.011598477140069008, 0.028627043589949608, 0.008942973800003529, -0.043559785932302475, 0.004483395256102085, 0.004373245406895876, 0.022160951048135757, 0.017766866832971573, 0.007871245965361595, -0.028960470110177994, 0.010627968236804008, -0.009895620867609978, -0.009490746073424816, -0.007126990705728531, 0.0105803357437253, -0.014468326233327389, 0.008133224211633205, -0.023887624964118004, -0.03677217662334442, 0.04315491020679474, -0.009967069141566753, 0.01740962453186512, -0.017159555107355118, -0.034938327968120575, 0.011336499825119972, 0.03229473531246185, -0.05001397058367729, -0.0068769208155572414, -0.007013863883912563, 0.022113319486379623, -0.0016299195121973753, 0.011318637058138847, 0.012515400536358356, 0.03555754944682121, 0.04434571787714958, 0.03884418308734894, 0.027722029015421867, 0.025030801072716713, -0.025388043373823166, 0.017635878175497055, -0.0022506285458803177, -0.006058239843696356, 0.009990885853767395, -0.015075638890266418, -0.04391702637076378, 0.003617081558331847, -0.013908647000789642, 0.011497259140014648, 0.015385249629616737, 0.048323020339012146, -0.036891255527734756, 0.007400876376777887, 0.015051823109388351, -0.00885961763560772, -0.007912924513220787, 0.023232679814100266, 0.022363388910889626, 0.0213750172406435, 0.02199423871934414, -0.030294176191091537, 0.007978418841958046, 7.382084004348144e-05, -0.015016098506748676, -0.0011014981428161263, -0.013182253576815128, -0.0059123653918504715, -0.04389321058988571, 0.0012615130981430411, -0.015825849026441574, 0.002116662682965398, -0.02269681543111801, 0.005513444542884827, -0.011896179988980293, 0.013896738179028034, -0.006972185336053371, -0.0065434942953288555, -0.013003631494939327, 0.012574940919876099, -0.026102527976036072, 0.017957396805286407, -0.005689088720828295, 0.005078799556940794, 0.0014282262418419123, -0.020517636090517044, 0.0003047726349905133, -0.00711508234962821, -0.017588244751095772, -0.008561914786696434, 0.005441996268928051, 0.033175934106111526, 0.005269329063594341, -0.009181135334074497, 0.02626924216747284, -0.027507683262228966, 0.03422384336590767, -0.0020511681213974953, 0.02588818222284317, -0.016695139929652214, 0.0210892241448164, 0.0016403391491621733, 0.0007978418725542724, 0.044917307794094086, 0.023125506937503815, -0.000602102663833648, 0.033033035695552826, -0.0021121969912201166, -0.03734376281499863, -0.02943679317831993, -0.025483308359980583, -0.020839152857661247, -0.019969863817095757, -0.006507770158350468, 0.028365064412355423, 0.01179496105760336, 0.017993120476603508, -0.01820746622979641, -0.01419444102793932, 0.012301054783165455, 0.009383573196828365, -0.01831463910639286, -0.026888461783528328, 0.01252730842679739, 0.028484145179390907, -0.017874039709568024, 0.03193749114871025, 0.03734376281499863, 0.024375855922698975, -0.036224402487277985, 0.03653401508927345, -0.0036349438596516848, 0.07040061801671982, -0.01190213393419981, 0.024768821895122528, 0.0006765282596461475, 0.03677217662334442, -0.040082622319459915, 0.022196676582098007, 0.04370268061757088, -0.03005601279437542, 0.005108569748699665, -0.0504426583647728, 0.03898707777261734, -0.014623131603002548, 0.012301054783165455, 0.01271783746778965, 0.01252730842679739, -0.005689088720828295, -0.0012481164885684848, -0.00245008897036314, -0.006010607350617647, -0.006555402185767889, -0.02619779296219349, -0.01222960650920868, 0.003590288572013378, 0.002890688367187977, 0.006466091610491276, 0.007615222129970789, -0.007930786348879337, -0.0016492701834067702, -0.03515267372131348, 0.01692139357328415, -0.02484027110040188, 0.0027611879631876945, 0.03184222802519798, -0.028174536302685738, -0.012753562070429325, 0.002205973258242011, -0.00621006777510047, -0.004534004256129265, -0.0007569078588858247, -0.006120757199823856, 0.0015138157177716494, 0.0008179367869161069, 0.018921950832009315, 0.02672174945473671, -0.016004469245672226, 0.01976742595434189, -0.023363668471574783, 0.018469443544745445, 0.012443951331079006, 0.02474500611424446, -0.006865012459456921, 0.0031318271066993475, 0.013122713193297386, 0.014825569465756416, 0.013194161467254162, 0.0011148947523906827, -0.014777936972677708, -0.011235280893743038, 0.014849385246634483, 0.0116044320166111, 0.03131826967000961, 0.025697654113173485, 0.00792483240365982, 0.01782640814781189, 0.03922524303197861, 0.009907528758049011, -0.006082055624574423, 0.011080475524067879, 3.200298669980839e-05, 0.024721190333366394, -0.007418738678097725, 0.017016656696796417, 0.01332515012472868, -0.017528705298900604, -0.02369709499180317, -0.00480491342023015, 0.006579218432307243, 0.038725100457668304, 0.015123271383345127, 0.00529016787186265, 0.005159179214388132, -0.0213750172406435, -0.01358712837100029, 0.012991723604500294, -0.002968090819194913, -0.02025565691292286, 0.031365904957056046, 0.038105882704257965, 0.017731143161654472, 0.004382176324725151, -0.003742116503417492, -0.01403963565826416, 0.022815896198153496, 0.012122433632612228, -0.00015071174129843712, 0.06473236531019211, 0.004935902543365955, 0.07359198480844498, -8.633363904664293e-05, -0.033580806106328964, -0.008228488266468048, -0.02126784436404705, -0.027579130604863167, 0.02407815307378769, 0.012158157303929329, 0.0596357025206089, -0.002195553621277213, 0.006293424405157566, 0.0020764728542417288, 0.05344349890947342, 0.015956837683916092, 0.00034812549711205065, 0.019791241735219955, 0.003569449298083782, -0.04172594100236893, -0.017707327380776405, 0.003959439229220152, -0.00719248503446579, 0.019231561571359634, -0.003774863900616765, 0.023578014224767685, 0.004495303146541119, -0.004236302338540554, 0.02943679317831993, 0.007305611856281757, 0.0035813574213534594, -0.014527867548167706, -0.04444098472595215, 0.011407948099076748, 0.017838316038250923, -0.0050162822008132935, 0.0074663711711764336, -0.017397716641426086, -0.01475412119179964, -0.007770027499645948, 0.003313425462692976, 0.033580806106328964, 0.016361713409423828, -0.010747049003839493, -0.05849252641201019, 0.008293983526527882, -0.021327385678887367, 0.00835947785526514, -0.011687788181006908, 0.005468789488077164, 0.055968012660741806, 0.005578939337283373, 0.024959351867437363, 0.001539120334200561, 0.0009489257354289293, -0.010121874511241913, -0.006156481336802244, -0.03679599240422249, 0.04024933651089668, -0.01717146299779415, 0.0211606714874506, -0.003304494312033057, 0.017528705298900604, -0.019231561571359634, 0.0013061683857813478, -0.004712625872343779, -0.0022327664773911238], "b2d85a76-08fc-45aa-94c2-177c8996dcc1": [-0.007237015757709742, 0.011644847691059113, 0.0235744696110487, 0.00709462771192193, 0.025159308686852455, 0.002934427233412862, 0.030334796756505966, -0.0037887541111558676, -0.002809063997119665, 0.02736322395503521, 0.023524943739175797, -0.06755373626947403, -0.01782943122088909, 0.03491596877574921, 0.006735562812536955, -0.04202297702431679, -0.0263974629342556, 0.00927997101098299, -0.06908904761075974, 0.013793045654892921, 0.0472479909658432, 0.04650510102510452, -0.003612317144870758, -0.008345164358615875, 0.0332816056907177, -0.012270115315914154, -0.007267969660460949, 0.03357876092195511, 0.02127150259912014, -0.004423308651894331, 0.006735562812536955, -0.01290157437324524, -0.02134579047560692, -0.008642321452498436, -0.003364686155691743, -0.04326113313436508, -0.07409118860960007, 0.029195694252848625, 0.025778386741876602, -0.02217535488307476, -0.008840425871312618, 0.009830949828028679, 0.019451413303613663, -0.05014527589082718, 0.014053058810532093, 0.037887539714574814, -0.0026481039822101593, -0.037268463522195816, -0.037342753261327744, 0.03815993666648865, -0.03855614364147186, 0.0008434930350631475, 0.003736132523044944, 0.014956912025809288, 0.05150724574923515, 0.024205928668379784, -0.022868722677230835, -0.029963349923491478, 0.030409084632992744, -0.011044342070817947, -0.0072927325963974, 0.010313830338418484, -0.01687605120241642, 0.05086340382695198, 0.008357546292245388, -0.0027022731956094503, -0.028007064014673233, 0.012691088020801544, -0.01265394315123558, 0.029319509863853455, 0.0215191338211298, 0.03360352665185928, 0.04650510102510452, -0.030953872948884964, -0.042146794497966766, 0.000503387360367924, 0.002578457584604621, 0.008431835100054741, 0.02278205007314682, 0.02434212528169155, 0.01557598914951086, -0.04165153205394745, -0.03216726705431938, -0.0035070739686489105, 0.02572885900735855, 0.005512884818017483, -0.04454881325364113, 0.006169106811285019, -0.05665796995162964, -0.03585696592926979, -0.03719417378306389, 0.03392544388771057, -0.060421962291002274, 0.05507313087582588, 0.03110245242714882, 0.019983820617198944, -0.009620463475584984, 0.008772327564656734, 0.010654323734343052, 0.03447023406624794, 0.05953048914670944, -0.019996201619505882, -0.02120959386229515, 0.004169486928731203, 0.07711228728294373, 0.010586224496364594, -0.013223494403064251, 0.0696338340640068, 0.01963713765144348, -0.022014394402503967, -0.08449169248342514, 0.005661463364958763, 0.0015531106619164348, 0.04135437682271004, 0.03637699410319328, 0.009533792734146118, -0.033900681883096695, -0.014498794451355934, -0.030953872948884964, -0.006066959351301193, -0.00736702186986804, -0.032637763768434525, -0.005562411155551672, -0.04395449906587601, -0.023128734901547432, 0.034074023365974426, 0.01009715348482132, 0.0062341103330254555, -0.045712679624557495, -0.04212203249335289, 0.008654703386127949, -0.0032687289640307426, -0.014647372998297215, 0.00255369464866817, 0.0060143377631902695, 0.0033956398256123066, -0.03707036003470421, -0.004249966703355312, -0.06913857161998749, -0.026323173195123672, -0.004587363917380571, -0.031672004610300064, 0.006085531320422888, 0.059877172112464905, 0.03496549651026726, -2.1377518351073377e-05, -0.030458612367510796, -0.0016482938081026077, -0.0055655064061284065, -0.0513586662709713, 0.0015252521261572838, -0.011273400858044624, -0.023958297446370125, 0.021407699212431908, -0.011223874986171722, -0.015935054048895836, -0.028527090325951576, 0.054627396166324615, -0.00970094371587038, 0.03018621727824211, -0.054577868431806564, -0.0247011911123991, 0.004893807228654623, -0.021543895825743675, 0.0005954751395620406, -0.02144484408199787, 0.01614554040133953, -0.028601380065083504, -0.029790008440613747, -0.012951101176440716, -0.0396457202732563, -0.008908525109291077, -0.03026050701737404, -0.04076005890965462, 0.03620364889502525, -0.04187440127134323, 0.006036005448549986, -0.08850331604480743, 0.023351602256298065, -0.009775233455002308, -0.026744145900011063, 0.015897909179329872, -0.03511407598853111, -0.00771370530128479, 0.04053719341754913, -0.007156535517424345, 0.029666192829608917, 0.044499289244413376, -0.03744180500507355, 0.01567504182457924, 0.013136823661625385, 0.002744060941040516, 0.024973584339022636, -0.08766137063503265, -0.060174331068992615, -0.022039158269762993, 0.02483738772571087, -0.004522360861301422, 0.011001006700098515, -0.0021451034117490053, 0.02042955718934536, -0.03224155306816101, -0.0036216031294316053, 0.009391405619680882, -0.004178773146122694, -0.028774721547961235, -0.009515220299363136, -0.024961203336715698, 0.03295968472957611, -0.04598507285118103, 0.03924951329827309, -0.04870901629328728, 0.0027425133157521486, 0.06062006577849388, -0.03484167903661728, 0.03657509759068489, -0.04019051045179367, 0.007973717525601387, -0.030879585072398186, 0.010264304466545582, 0.02567933313548565, -0.029443325474858284, 0.0005838674260303378, -0.018733283504843712, -0.0024685715325176716, 0.024552611634135246, 0.00900757685303688, 0.014981674961745739, 0.029542377218604088, -0.05482549965381622, 0.007181298453360796, 0.0025103590451180935, 0.0109390988945961, 0.0030241934582591057, -0.001194819575175643, -0.033355895429849625, 0.009731898084282875, -0.006193870212882757, -0.05244824290275574, -0.05532076209783554, 0.02723940834403038, 0.03172152861952782, 0.03573315218091011, 0.05645986646413803, 0.01205343846231699, -0.015514081344008446, -0.0031124120578169823, -0.041923925280570984, 0.029022352769970894, -0.01754465512931347, -0.0011569010093808174, 0.008574223145842552, 0.015415028668940067, -0.07567603141069412, -0.01376828271895647, -0.04756991192698479, 0.005763611290603876, 0.01844850927591324, 0.017854195088148117, -0.07285303622484207, 0.014226400293409824, -0.034321654587984085, -0.038110408931970596, -0.018634231761097908, 0.015452173538506031, 0.005076435394585133, -0.01790372096002102, 0.04454881325364113, -0.05081387981772423, 0.03229108080267906, -0.018349455669522285, 0.01461022812873125, 0.05893617495894432, 0.0041137696243822575, -0.014535939320921898, 0.02538217604160309, 0.02399544231593609, 0.017804667353630066, -0.009707135148346424, -0.03370257839560509, -0.037144649773836136, -0.016677947714924812, -0.005466454196721315, -0.003500883001834154, 0.0061567253433167934, -0.0012745257699862123, 0.021481988951563835, -0.0064445966854691505, -0.02718988247215748, 0.021605804562568665, 0.032637763768434525, -0.008809472434222698, -0.020503845065832138, -0.037342753261327744, 0.04430118575692177, -0.003924950957298279, 0.005865759216248989, 0.00778799457475543, 0.030210981145501137, 0.03417307510972023, 0.025530755519866943, 0.014263545162975788, -0.0177179966121912, 0.005296207964420319, -0.01305015292018652, 0.05051672086119652, 0.009806186892092228, 0.06141248345375061, -0.0458117313683033, -0.05893617495894432, 0.02060289867222309, 0.024119257926940918, 0.018052298575639725, -0.01825040392577648, -0.0064693596214056015, -0.03598078340291977, 0.003044313518330455, -0.018782811239361763, -0.02706606686115265, -0.05066530033946037, 0.006995575502514839, 0.02102387137711048, 0.01347112562507391, -0.033479709178209305, -0.0015716829802840948, -0.005673844832926989, 0.04539075866341591, 0.031969159841537476, -0.023413509130477905, 0.033727340400218964, -0.013978769071400166, -0.04496978595852852, -0.004147819243371487, -0.015613134019076824, -0.0028585903346538544, 0.018968533724546432, -0.036550335586071014, 0.013731138780713081, 0.007695132866501808, -0.011768662370741367, -0.0053209709003567696, -0.0402648001909256, -0.039868589490652084, 0.007657988462597132, 0.04412784054875374, -0.016479842364788055, 0.04001716896891594, 0.016863670200109482, 0.03682272881269455, 0.06993099302053452, 0.007856093347072601, 0.011620083823800087, -0.009682371281087399, 0.0292204562574625, -0.005104293581098318, -0.003101578215137124, 0.01989714987576008, -0.007193680386990309, -0.015712186694145203, -0.001806158572435379, -0.022645853459835052, 0.008468979969620705, 0.04328589513897896, 0.002954547293484211, 0.030656715855002403, 0.0043335421942174435, -0.045044075697660446, -0.010270494967699051, 0.03417307510972023, -0.008171822875738144, 0.012158681638538837, -0.011446742340922356, 0.031127214431762695, -0.0232649315148592, -0.02471357211470604, 0.004119960591197014, 0.011397216469049454, 0.046851783990859985, 0.01515501644462347, 0.010443837381899357, 0.08152011781930923, -0.028180407360196114, -0.009348070248961449, -0.05928285792469978, 0.032266318798065186, 0.039447616785764694, -0.0043335421942174435, 0.0005266027874313295, 0.010586224496364594, 0.002973119495436549, 0.020565753802657127, 0.009218063205480576, 0.02543170191347599, -0.016046488657593727, 0.030631953850388527, 0.023586852476000786, 0.011948195286095142, 0.05031861737370491, 0.013396836817264557, -0.0374913327395916, -0.0021822480484843254, -0.04704988747835159, -0.0459107868373394, -0.00927997101098299, -0.008896143175661564, 0.05527123808860779, -0.052151087671518326, 0.02114768698811531, 0.035708390176296234, -0.03115197829902172, 0.024862151592969894, -0.010945289395749569, 0.054627396166324615, -0.03385115787386894, 0.014114966616034508, -0.0806286484003067, 3.2380652555730194e-05, 0.06923762708902359, 0.026892725378274918, -0.043186843395233154, 0.048907119780778885, -0.05923333391547203, 0.0038320894818753004, -0.02290586568415165, -0.03929903730750084, 0.019302835687994957, 0.02025621570646763, -0.0011646394850686193, 0.013508270494639874, -0.08924620598554611, -0.026174595579504967, 0.016541749238967896, 0.006710799876600504, 0.01969904452562332, -0.046257469803094864, -0.00952141173183918, 0.07750850170850754, -0.01664080284535885, 0.01223297044634819, 0.034148313105106354, 0.02964142896234989, 0.02988906018435955, -0.021593421697616577, 0.026075543835759163, -0.034074023365974426, -0.013013008050620556, 0.009348070248961449, 0.006964621599763632, 0.031052926555275917, 0.023363983258605003, -0.052993033081293106, 0.01734655164182186, 0.023884009569883347, 0.06151153892278671, 0.001796872355043888, -0.06136295944452286, 0.027016540989279747, 0.005119770765304565, -0.0204914640635252, -0.05561792105436325, 0.028007064014673233, 0.07017862051725388, 0.04479644447565079, 0.03313302621245384, 0.01855994202196598, 0.0160217247903347, -0.020875291898846626, -0.004574982449412346, -0.03380163013935089, -0.02483738772571087, -0.013087297789752483, 0.0176684707403183, 0.026372700929641724, 0.009267590008676052, -0.013062534853816032, -0.0029560949187725782, 0.035163599997758865, -0.026446988806128502, -0.013706374913454056, -0.04955096170306206, 0.04645557329058647, -0.034618813544511795, -0.030359558761119843, -0.016195066273212433, 0.029121404513716698, 0.0065993657335639, 0.023091590031981468, -0.009112820029258728, 0.03692178055644035, 0.0051104845479130745, 0.02103625237941742, -0.0016235306393355131, 0.0375903844833374, -0.011081486940383911, -0.006754135247319937, -0.005571697372943163, -0.07072340697050095, 0.024602139368653297, -0.038110408931970596, 0.010010482743382454, -0.04370686784386635, -0.03664938732981682, 0.017978010699152946, 0.008363736793398857, 0.05190345644950867, 0.0020120018161833286, 0.001999620348215103, -0.040834348648786545, -0.03662462159991264, -0.012003912590444088, -0.024193547666072845, 0.03073100559413433, 0.004927856847643852, -0.03313302621245384, -0.0010725517058745027, -0.0037175603210926056, 0.04350876435637474, -0.0052033462561666965, -0.04828804358839989, -0.0071441540494561195, -0.022918248549103737, 0.020924817770719528, 0.025704097002744675, -0.030631953850388527, -0.04605936259031296, 0.02711559273302555, -0.013112060725688934, -0.025270743295550346, -0.013718756847083569, -0.044499289244413376, -0.0061226761899888515, -0.06844520568847656, 0.0173589326441288, 0.01567504182457924, 0.01982286013662815, -0.0236239954829216, 0.007546554319560528, -0.02055337280035019, -0.027313698083162308, -0.025159308686852455, -0.008029434829950333, -0.037516094744205475, 0.051011983305215836, 0.004448071587830782, 0.02404496818780899, -0.00981856882572174, 0.001914497115649283, -8.49417801873642e-07, -0.0008899238891899586, -0.029071878641843796, 0.02548122964799404, -0.009979529306292534, 0.01893138885498047, -0.021729620173573494, 0.021779146045446396, 0.055419813841581345, 0.003822803497314453, -0.009601891972124577, -0.01579885743558407, 0.012133918702602386, 0.017445603385567665, 0.00040201342198997736, -0.022794432938098907, -0.001519061392173171, 0.006667464505881071, 0.02753656543791294, -0.015068345703184605, -0.023896390572190285, 0.0118119977414608, 0.006617938168346882, 0.024193547666072845, -0.023698285222053528, -0.013570178300142288, -0.06299732625484467, 0.019513322040438652, -0.006679845973849297, -0.03838280215859413, 0.023636378347873688, 0.013867335394024849, 0.0009239731007255614, -0.013706374913454056, -0.03013669140636921, 0.0008628392242826521, 0.025097399950027466, -0.017742760479450226, -0.03466833755373955, -0.020937200635671616, 0.01698748581111431, -0.018881862983107567, -0.013817809522151947, 0.013978769071400166, 0.007057483308017254, 0.022571563720703125, 0.0611153282225132, -0.01977333426475525, 0.021977249532938004, -0.024020206183195114, 0.01681414432823658, 0.00964522734284401, 0.012251542881131172, 0.0036989878863096237, -0.010264304466545582, -0.015216924250125885, 0.011706754565238953, -0.04043814167380333, -0.015687422826886177, -0.005259063094854355, -0.028403274714946747, -0.020986726507544518, -0.00021629019465763122, 0.03622841462492943, 0.017136065289378166, 0.008660893887281418, -0.02387162670493126, -0.014647372998297215, 0.03031003288924694, -0.016739854589104652, 0.0116324657574296, -0.001659127650782466, 0.02012001723051071, -0.008048007264733315, 0.004101388156414032, 0.0025475036818534136, -0.009936193004250526, 0.059084754437208176, -0.01572456769645214, -0.013520652428269386, -0.012195826508104801, 0.003025741083547473, -0.029319509863853455, -0.014325452968478203, -0.02315349690616131, 0.05150724574923515, -0.040462903678417206, -0.008958050981163979, 0.0278337225317955, -0.02657080441713333, 0.015080727636814117, 0.01307491585612297, -0.00763941602781415, 0.006243396084755659, -0.03875425085425377, 0.02610030584037304, -0.024985967203974724, 0.03169676661491394, -0.009781423956155777, -0.024441178888082504, 0.012660134583711624, -0.012938719242811203, -0.02415640279650688, 0.01729702390730381, -0.019847624003887177, 0.028477564454078674, -0.04645557329058647, 0.031003400683403015, -0.01332254707813263, -0.020441938191652298, 0.021964868530631065, -0.014981674961745739, -0.012790140695869923, -0.04019051045179367, 0.019240926951169968, -0.004692607093602419, 0.008568032644689083, 0.0291709303855896, -0.02887377329170704, 0.0075156004168093204, 0.018423745408654213, 0.0072927325963974, -0.04459834098815918, -0.029492851346731186, 0.029393797740340233, -0.00462760403752327, -0.013384454883635044, -0.05061577260494232, -0.010703849606215954, 0.005961716175079346, -0.02560504339635372, -0.02301730029284954, 0.037689436227083206, -0.026892725378274918, -0.024428797885775566, 0.003640175564214587, 0.004144723527133465, 0.01675223559141159, -0.0008249207166954875, 0.04729751870036125, -0.015501700341701508, -0.0010880286572501063, 0.0015840644482523203, 0.015315976925194263, 0.0014362597139552236, -0.017136065289378166, -0.0513586662709713, 0.01699986681342125, 0.019240926951169968, -0.011564367450773716, 0.004460453055799007, -0.030087165534496307, -0.08434311300516129, 0.014486412517726421, 0.0022178450599312782, 0.01573694869875908, -0.04479644447565079, -0.03115197829902172, 0.008270874619483948, -0.035163599997758865, 0.009026149287819862, 0.05096245929598808, 0.018126588314771652, -0.011620083823800087, 0.004491406958550215, -0.011112440377473831, 0.002988596446812153, 0.01662841998040676, 0.044994551688432693, 0.0026759624015539885, -0.043607816100120544, 0.04202297702431679, -0.000825694587547332, -0.02532026916742325, 0.026323173195123672, -0.008394690230488777, -0.002751799300312996, -0.0050176228396594524, 0.013867335394024849, -0.04288968816399574, 0.010412883013486862, -0.007781803607940674, -0.0015608490211889148, -0.010629559867084026, 0.03219202905893326, -0.014387360773980618, 0.009923812001943588, -0.010499553754925728, 0.021667711436748505, -0.034197840839624405, -0.01855994202196598, -0.037466567009687424, -0.01620744913816452, 0.036674149334430695, 0.004639985505491495, 0.015600752085447311, 0.03719417378306389, -0.0012691088486462831, -0.0027966825291514397, 0.004479025490581989, 0.021605804562568665, -0.0375903844833374, 0.002086291089653969, 0.032687291502952576, 0.010326212272047997, -0.025456465780735016, 0.0011924980208277702, 0.029269982129335403, 0.013372072950005531, -0.034618813544511795, -0.010728612542152405, -0.0001848526590038091, 0.019674282521009445, -0.0017488938756287098, 0.05784659832715988, -0.02567933313548565, -0.006339353509247303, -0.0013836381258442998, 0.010982434265315533, 0.016232211142778397, -0.017495129257440567, 0.03662462159991264, -0.015452173538506031, 0.0025861961767077446, 1.2599193723872304e-05, 0.005095007363706827, 0.0036866064183413982, 0.07305113971233368, -0.042221084237098694, 0.0009084962075576186, -0.0361541248857975, -0.003028836566954851, -0.012499174103140831, 0.022806813940405846, -0.026471752673387527, -0.019302835687994957, 2.2272279238677584e-05, -0.006983194034546614, 0.037937067449092865, 0.00533644761890173, -0.000161733987624757, 0.011378644034266472, -0.009286162443459034, 0.015823619440197945, 0.003955904860049486, -0.032811105251312256, 0.02614983171224594, 0.010598606429994106, 0.0138920983299613, -0.015402647666633129, -0.025951728224754333, 0.022076303139328957, 0.04440023750066757, 0.017371313646435738, 0.014907385222613811, -0.004420212935656309, 0.029740482568740845, 0.024626901373267174, 0.037763725966215134, 0.009187109768390656, 0.013211113400757313, -0.009843331761658192, -0.002094029448926449, -0.005308589432388544, 0.006413642782717943, -0.016479842364788055, 0.0036587477661669254, 0.003637080080807209, 0.030285269021987915, 0.008958050981163979, -0.015811238437891006, -0.0024964299518615007, 0.010945289395749569, 0.017519893124699593, 0.006723181344568729, -0.017495129257440567, -0.03172152861952782, -0.010183824226260185, 0.00259083928540349, -0.023463036864995956, -0.031374845653772354, 0.014424504712224007, -0.02585267461836338, -0.003265633713454008, -0.006915095262229443, 0.02302968129515648, -0.028898537158966064, 0.006605556700378656, 0.02506025694310665, -0.0107595669105649, 0.006169106811285019, 0.0017813954036682844, 0.001185533357784152, 0.04620794206857681, 0.02047908306121826, -0.022621091455221176, 0.022682998329401016, -0.0032130121253430843, 0.02538217604160309, -0.02007049135863781, -0.024428797885775566, 0.0738435611128807, 0.004444976337254047, 0.011997721157968044, -0.026347937062382698, -0.012827285565435886, 0.0011878549121320248, -0.0005385974072851241, -0.030384322628378868, -0.011217683553695679, 0.019575228914618492, 0.0010508840205147862, 0.0019098540069535375, 0.005853377282619476, -0.022509656846523285, -0.0002259632747154683, -0.04717370495200157, 0.01933998055756092, -0.04204774275422096, 0.05512265861034393, -0.019129494205117226, 0.01711130142211914, -0.010629559867084026, 0.022138210013508797, 0.008388499729335308, 0.030458612367510796, -0.037095122039318085, -0.014721662737429142, -0.0159721989184618, 0.03159771487116814, 0.00997333787381649, 0.019934294745326042, -0.03501502051949501, 0.013409217819571495, -0.023103971034288406, 0.010957671329379082, 0.0073732128366827965, 0.026174595579504967, -0.01988476887345314, 0.0002402794489171356, 0.020875291898846626, 0.009385214187204838, 0.002855494851246476, 0.017940865829586983, -0.0029932395555078983, -0.021048633381724358, 0.00631149485707283, -0.020640043541789055, 0.03994287922978401, -0.010301449336111546, 0.02290586568415165, -0.0026217931881546974, 0.04700036346912384, -0.025345031172037125, 0.011050532571971416, 0.033479709178209305, 0.010771947912871838, -0.010604796931147575, -0.0021915342658758163, -0.01620744913816452, -0.0018572324188426137, 0.030409084632992744, 0.014511176384985447, 0.016554132103919983, -0.04556410014629364, 0.0417010597884655, 0.003547313855960965, -0.00030354142654687166, 0.031077688559889793, -0.03073100559413433, -0.015204542316496372, 0.03598078340291977, 0.0063517349772155285, 0.02904711477458477, -0.011997721157968044, 0.009719516150653362, -0.04392973706126213, 0.029963349923491478, -0.015476936474442482, 0.01488262228667736, 0.027635619044303894, 0.004345923662185669, -0.024899296462535858, -0.006116485223174095, 0.009193300269544125, -0.008382309228181839, 0.027090830728411674, 0.005915285088121891, -0.03454452380537987, 0.00801086239516735, -0.006989384535700083, 0.01922854594886303, 0.017321787774562836, 0.014845477417111397, 0.008357546292245388, -0.010103343985974789, 0.018894243985414505, -0.019092349335551262, -0.023945916444063187, 0.002909664064645767, -0.009075676091015339, 0.02200201340019703, -0.0017736569279804826, 0.02971571870148182, -0.01595981791615486, -0.04308779165148735, -0.0053302571177482605, -0.026669858023524284, 0.013978769071400166, -0.01063575129956007, -0.028849009424448013, 0.042939212173223495, 0.020392412319779396, 0.0018386601004749537, 0.021481988951563835, -0.010617178864777088, -0.006636510603129864, 0.02946808747947216, 0.0008272422710433602, -0.0027363223489373922, 0.012257734313607216, 0.04021527245640755, -0.008215158246457577, -0.020565753802657127, 0.054875027388334274, 0.023091590031981468, 0.0347178652882576, 0.03271205350756645, -0.015043582767248154, 0.007478456012904644, 0.011948195286095142, 0.02351256273686886, 0.01664080284535885, 0.014077821746468544, -0.003912569489330053, 0.027264172211289406, -0.016343645751476288, -0.024998348206281662, 0.020714331418275833, -0.007428929675370455, 0.011192920617759228, 0.030458612367510796, -0.03246442228555679, -0.030805295333266258, -0.0292204562574625, -0.01748274825513363, -0.0019284263253211975, -0.002607863862067461, -0.015192161314189434, -0.029567139223217964, 0.0058100419119000435, 0.01904282346367836, 0.03325683996081352, 0.03325683996081352, -0.01982286013662815, -0.0038878065533936024, 0.008196585811674595, 0.03476738929748535, -0.0017566323513165116, 0.025827912613749504, -0.029913824051618576, 0.012455838732421398, -0.023760193958878517, 0.017804667353630066, -0.02005811035633087, 0.019141875207424164, -0.008425644598901272, -0.015018819831311703, -0.004810231737792492, -0.02476309798657894, -1.9841916582663544e-05, -0.016603657975792885, -0.026446988806128502, -0.012635371647775173, 0.0025676237419247627, -0.008468979969620705, -0.02421831153333187, -0.013607323169708252, 0.03085482120513916, 0.005760516040027142, -0.002397377509623766, 0.023822100833058357, 0.004407831467688084, -0.024032587185502052, -0.024750716984272003, -0.008846617303788662, 0.021184831857681274, 0.03610459715127945, 0.032687291502952576, -0.020169544965028763, 0.0022023681085556746, 0.013285402208566666, -0.07339782267808914, 0.029913824051618576, 0.03300921246409416, 0.0176684707403183, 0.01940188743174076, -0.02736322395503521, 0.022014394402503967, 0.023190641775727272, -0.0026295315474271774, 0.0173589326441288, 0.005853377282619476, -0.017024630680680275, 7.104881660779938e-05, -0.006840805988758802, 0.02012001723051071, 0.02482500672340393, 2.1220332200755365e-05, 0.002942165592685342, -0.006271254736930132, -0.019723808392882347, 0.03929903730750084, -0.0015391813358291984, 0.0054478817619383335, -0.018758047372102737, 0.0013697089161723852, -0.004389259498566389, -0.010165251791477203, -0.015055963769555092, -0.0006639605853706598, 0.016838906332850456, 0.018473271280527115, 0.028229933232069016, -0.028155643492937088, 0.025951728224754333, 0.0008922453853301704, 0.03459404781460762, 0.006456978153437376, -0.01591029018163681, -0.028675667941570282, -0.0013743520248681307, -0.003135627368465066, -0.015043582767248154, 0.010072390548884869, -0.03808564692735672, 0.004708084277808666, -0.03568362444639206, -0.0025289314799010754, 0.019302835687994957, 0.006193870212882757, -0.0055902693420648575, 0.01235678605735302, -0.00652507646009326, -0.00013948589912615716, 0.0070265294052660465, 0.038902826607227325, 0.013830190524458885, 0.023636378347873688, 0.036723677068948746, 0.02423069253563881, 0.04090863838791847, 0.002315349644050002, -0.00527144456282258, 0.006766516715288162, 0.004166391212493181, 0.009899049066007137, -0.015811238437891006, -0.005246681626886129, 0.013223494403064251, -0.01795324683189392, 0.011465314775705338, 0.025159308686852455, 0.011428169906139374, -0.012938719242811203, 0.002363328356295824, -0.026298411190509796, 0.01033859420567751, -0.020578134804964066, 0.010035245679318905, -0.01891900785267353, 0.012245352379977703, -0.013297784142196178, 0.017693234607577324, -0.001967118587344885, 0.0005521397106349468, 0.01132911816239357, 0.014684517867863178, -0.002059980295598507, 0.0029050209559500217, 0.033355895429849625, 0.0032842059154063463, 0.02572885900735855, 0.021977249532938004, -0.015340739861130714, -0.0015182874631136656, -0.05695512890815735, -0.01837421953678131, 0.010604796931147575, 0.03580744192004204, 0.008419453166425228, -0.012443456798791885, -0.014127347618341446, 0.010412883013486862, 0.0007545006810687482, -0.02543170191347599, 0.019500941038131714, -0.022026777267456055, -0.006989384535700083, -0.016256975010037422, 0.07958859950304031, 0.007082246243953705, 0.037763725966215134, -0.008425644598901272, 0.036302704364061356, -0.034445472061634064, -0.017074156552553177, -0.01712368242442608, -0.03073100559413433, -0.011644847691059113, -0.015142634510993958, -0.003813517279922962, -0.00450378842651844, 0.05190345644950867, -0.004506884142756462, 0.0325634740293026, -0.014659754931926727, 0.012752995826303959, -0.016256975010037422, 0.03702083230018616, -0.013879717327654362, 0.00034648992004804313, 0.02024383284151554, 0.013793045654892921, -0.0019810479134321213, -0.027883250266313553, 0.034618813544511795, 0.03652556985616684, 0.02567933313548565, -0.009985719807446003, 0.01639317162334919, 0.016368407756090164, 0.038655199110507965, 0.0232649315148592, -0.004949524533003569, -0.033479709178209305, -0.0069089047610759735, 0.018064681440591812, 0.018894243985414505, -0.029369035735726357, -0.021902961656451225, 0.01681414432823658, 0.02399544231593609, 0.0291709303855896, -0.00408281572163105, 0.010258113965392113, 0.009088057093322277, 0.020095255225896835, 0.0360550731420517, -0.0029034733306616545, -0.017581799998879433, 0.002637270139530301, 0.0026032207533717155, -0.010945289395749569, 0.00013116703485138714, -0.004726656712591648, -0.0024329745210707188, 0.019550466910004616, 0.018671376630663872, 0.009750470519065857, 0.003575172508135438, -0.0339997336268425, 0.014325452968478203, -0.004571887198835611, 8.091535710263997e-05, 0.023586852476000786, -0.007311305031180382, 0.014374978840351105, -0.010561461560428143, -0.017457984387874603, 0.0018928293138742447, 0.011675801128149033, 0.01734655164182186, 0.0035813632421195507, -0.002114149508997798, -0.007323686499148607, -0.02338874712586403, -0.013372072950005531, 0.0187951922416687, -0.02055337280035019, 0.004494502674788237, -0.0018541370518505573, -0.0028044208884239197, 0.009310925379395485, -0.004188058897852898, 0.006231014616787434, 0.03236537054181099, 0.013854953460395336, -0.02186581678688526, -0.0319443978369236, -0.024379270151257515, 0.016913196071982384, 0.026843199506402016, 0.011143394745886326, -0.0021451034117490053, -0.015984579920768738, -0.004321160726249218, 0.02301730029284954, 0.02610030584037304, -0.05249777063727379, 0.014337833970785141, -0.004652366973459721, 0.012691088020801544, 0.019971439614892006, 0.0003538414603099227, -0.026125069707632065, 0.016789380460977554, -0.004599745385348797, -0.005961716175079346, -0.004584268666803837, 0.015836002305150032, -0.015501700341701508, 0.02440403401851654, -0.019426651298999786, -0.03627793863415718, 0.05160629749298096, -0.015749331563711166, 0.011440551839768887, -0.015080727636814117, -0.015254069119691849, 0.011254828423261642, 0.022980155423283577, -0.04321160912513733, 0.0011251732939854264, -0.005921476054936647, 0.01927807182073593, 0.004274730104953051, 0.014783569611608982, -0.0016637707594782114, 0.03253871202468872, 0.0367732010781765, 0.028551852330565453, 0.02572885900735855, 0.0233144573867321, -0.008902333676815033, 0.02567933313548565, 0.0008241469040513039, -0.007948954589664936, 0.01349588856101036, -0.0064693596214056015, -0.060421962291002274, -0.0009680824005044997, -0.02555551752448082, 0.015031200833618641, 0.015996962785720825, 0.044623102992773056, -0.04345924034714699, 0.01124244648963213, 0.010914335958659649, -0.0014269736129790545, -0.023351602256298065, 0.02699177712202072, 0.027982302010059357, 0.016975104808807373, 0.0033151598181575537, -0.030111927539110184, -0.00021590327378362417, 0.007045101840049028, 0.004256157670170069, 0.0029529994353652, -0.023549707606434822, 0.007329877465963364, -0.03674843907356262, -0.019612373784184456, -0.011118631809949875, 0.007812757976353168, 0.001923783216625452, 0.015761712566018105, -0.015774093568325043, 0.020961962640285492, -0.0025026206858456135, -0.006667464505881071, 0.0004039480409119278, 0.014325452968478203, -0.00873518269509077, 0.03340541943907738, -0.0051259612664580345, -0.00495881075039506, -0.013025389984250069, -0.01687605120241642, -0.006057673133909702, -0.011118631809949875, -0.011564367450773716, -0.016900815069675446, 0.009019958786666393, 0.026892725378274918, 0.01693795993924141, -0.0064693596214056015, 0.0152788320556283, -0.008598986081779003, 0.030508138239383698, -0.023822100833058357, 0.02669462002813816, 0.00043799731065519154, 0.018956152722239494, -0.01190485991537571, 0.0053550200536847115, 0.044746920466423035, 0.01929045468568802, -0.0036897016689181328, 0.02260870859026909, -0.01651698723435402, -0.020701950415968895, -0.024614520370960236, -0.026174595579504967, -0.0024948823265731335, -0.015018819831311703, 0.0035689815413206816, 0.014795951545238495, -0.0002559498534537852, 0.01664080284535885, -0.01586076430976391, -0.002909664064645767, 0.012561081908643246, 0.01217725407332182, -0.02532026916742325, -0.04120579734444618, 0.003146461211144924, 0.019674282521009445, -0.0325634740293026, 0.023846864700317383, 0.02055337280035019, 0.02194010652601719, -0.04464786872267723, 0.02657080441713333, -0.0008806377300061285, 0.04544028639793396, -0.017445603385567665, 0.009744279086589813, 0.005302398465573788, 0.03484167903661728, -0.04603460058569908, 0.013173968531191349, 0.022509656846523285, -0.021729620173573494, 0.006518885958939791, -0.052943505346775055, 0.02892329916357994, -0.01796562783420086, 0.01988476887345314, 0.01190485991537571, 0.02047908306121826, -0.0035256461706012487, 0.008208966813981533, 0.010412883013486862, 0.008023244328796864, 0.004017812665551901, -0.028576616197824478, -0.017321787774562836, 0.006655083037912846, 0.02350018173456192, -0.001967118587344885, 0.00679747061803937, -0.017321787774562836, -0.0037701819092035294, -0.04048766568303108, 0.015105490572750568, -0.022856339812278748, 0.01832469366490841, 0.023091590031981468, -0.04744609817862511, 0.0006492575048469007, 0.004243776202201843, -0.007459883578121662, -0.008970432914793491, 0.011818189173936844, -0.004921665880829096, -0.006766516715288162, -0.003216107375919819, 0.015068345703184605, 0.011675801128149033, 0.0009657608461566269, 0.019191401079297066, -0.03422260284423828, 0.017755141481757164, 0.0010864809155464172, 0.009880476631224155, -0.014696898870170116, 0.003590649226680398, 0.028527090325951576, 0.022682998329401016, 0.02976524457335472, -0.01207820139825344, -0.021420080214738846, -0.020516227930784225, 0.007063673809170723, 0.011291973292827606, 0.04635652154684067, 0.03489120677113533, -0.006977003067731857, 0.025877438485622406, 0.035460758954286575, 0.0011360071366652846, -0.008493742905557156, 0.012913956306874752, 0.01802753657102585, 0.02236107736825943, -0.019265690818428993, 0.020107636228203773, 0.01952570304274559, -0.03214250132441521, -0.03130055591464043, 0.01247441116720438, 0.0015817428939044476, 0.031845346093177795, 0.011768662370741367, 0.024812625721096992, -0.0010369548108428717, -0.01747036539018154, 0.0036525570321828127, 0.006141248624771833, 0.0025211931206285954, -0.03989335149526596, 0.027883250266313553, 0.04635652154684067, 0.022274406626820564, 0.011873905546963215, 0.002824540948495269, -0.029790008440613747, 0.027313698083162308, 0.016838906332850456, -0.000594701268710196, 0.04118103161454201, 0.003547313855960965, 0.06116485595703125, -0.000327143759932369, -0.02887377329170704, -0.0163312628865242, -0.0292204562574625, -0.022992536425590515, 0.017309406772255898, 0.004643081221729517, 0.06225442886352539, -0.00462760403752327, 0.0014788212720304728, -0.016888434067368507, 0.07191204279661179, 0.009465694427490234, 0.02892329916357994, 0.0160217247903347, -0.0016792475944384933, -0.02983953431248665, -0.02597649022936821, 0.010716230608522892, -0.024057351052761078, 0.019959058612585068, 0.006970812566578388, 0.025109782814979553, -0.001536085968837142, -0.0058100419119000435, 0.024849770590662956, 0.022522037848830223, 0.014263545162975788, 0.007732277736067772, -0.04598507285118103, 0.019599992781877518, 0.012616799212992191, -0.0093728331848979, 0.024329744279384613, -0.0031340797431766987, -0.0027843008283525705, -0.013458744622766972, 0.004033289849758148, 0.03863043338060379, 0.01711130142211914, -0.0033399229869246483, -0.050170037895441055, 0.006989384535700083, -0.04207250475883484, 0.013607323169708252, -0.014696898870170116, -0.004092101939022541, 0.04544028639793396, 0.012592035345733166, 0.009484266862273216, 0.00828325655311346, 0.011440551839768887, -0.011502459645271301, -0.017804667353630066, -0.05160629749298096, 0.026620332151651382, -0.03144913539290428, 0.05054148659110069, 0.0016715091187506914, 0.015105490572750568, -0.00840088166296482, -0.01051193568855524, -0.011719136498868465, 0.001019930117763579], "ac709021-f911-4b35-be05-f3b3411f7d9c": [-0.0008250524406321347, 0.012802919372916222, 0.05295494571328163, 0.029408184811472893, -0.00869107898324728, 0.004355013836175203, 0.040398359298706055, 0.0023117258679121733, -0.006960442755371332, 0.02331937663257122, 0.016598951071500778, -0.06614315509796143, -0.016851598396897316, 0.018430646508932114, 0.007352046202868223, -0.04138368368148804, -0.04441545531153679, -0.007547848392277956, -0.0662442147731781, 0.01242394745349884, 0.03686129301786423, 0.06280820071697235, -0.030317718163132668, -0.01596733182668686, 0.03706340864300728, -0.026881709694862366, -0.020136017352342606, 0.02680591493844986, 0.016535788774490356, 0.02144978567957878, 0.008122622035443783, -0.010958591476082802, -0.01691475883126259, -0.007137295790016651, -0.016093654558062553, -0.02619956061244011, -0.08559702336788177, 0.015575727447867393, 0.02271302230656147, -0.03761923313140869, -0.011969181708991528, 0.019681250676512718, 0.01361770834773779, -0.03334948793053627, 0.0038970899768173695, 0.04350592568516731, 0.005495086312294006, -0.039792004972696304, -0.03499170020222664, 0.025176336988806725, -0.03521908074617386, -0.01298608910292387, -0.004560289904475212, 0.010150118730962276, 0.04967052489519119, 0.0075667970813810825, -0.010548039339482784, -0.03953935578465462, 0.022334052249789238, -0.013529281131923199, 0.007491002790629864, 0.01072489283978939, -0.021917182952165604, 0.04105524346232414, 0.018228527158498764, -0.0009126896038651466, -0.02412785030901432, 0.023988893255591393, -0.0032528385054320097, 0.03127777948975563, 0.024974219501018524, 0.041206829249858856, 0.0349411703646183, -0.03271786868572235, -0.02743753418326378, -0.00161220773588866, 0.03357687219977379, 0.009461654350161552, 0.030595630407333374, 0.017053715884685516, 0.03183360397815704, -0.05148959159851074, -0.020805533975362778, -0.01161547563970089, 0.03514328598976135, 0.008817402645945549, -0.051641177386045456, 0.00429501011967659, -0.05457188934087753, -0.03135357424616814, -0.046335577964782715, 0.02147505059838295, -0.06538520753383636, 0.06983181089162827, 0.011760747991502285, 0.02617429569363594, -0.016535788774490356, 0.008697395212948322, 0.012973456643521786, 0.05477400869131088, 0.054925598204135895, -0.0070172883570194244, -0.02023707702755928, -0.0013871934497728944, 0.06942757219076157, -0.0027491222135722637, -0.026730120182037354, 0.0597764328122139, 0.015411506406962872, -0.019757045432925224, -0.0725603997707367, 0.0075667970813810825, -0.021348726004362106, 0.06690109521150589, 0.02923133224248886, 0.0019722306169569492, -0.023685716092586517, -0.02401415817439556, -0.037922412157058716, -0.0070678177289664745, -0.007914187386631966, -0.025466881692409515, -0.0060445950366556644, -0.026856444776058197, -0.007105715107172728, 0.0353454053401947, -0.01148915197700262, 0.018582234159111977, -0.04620925337076187, -0.04598187282681465, 0.0045729223638772964, -0.022296154871582985, -0.007434156723320484, 0.003117040265351534, 0.009973266161978245, -0.005820370279252529, -0.021525578573346138, -0.03216204419732094, -0.05315706506371498, -0.0380992628633976, -0.013023986481130123, -0.017533745616674423, 0.006752008106559515, 0.04461757466197014, 0.023167788982391357, 0.005223489832133055, -0.03724026307463646, 0.02505001425743103, -0.009827992878854275, -0.04191424325108528, 0.026704855263233185, 0.003578122239559889, -0.0008645286434330046, 0.020098119974136353, 0.015638889744877815, -0.01677580364048481, -0.02761438675224781, 0.06634527444839478, -0.011293349787592888, 0.010686995461583138, -0.056997306644916534, -0.01980757527053356, 0.003398110857233405, -0.0026670116931200027, 0.017369525507092476, -0.0011692849220708013, 0.007642591372132301, -0.046335577964782715, -0.04302589222788811, -0.0013177153887227178, -0.06614315509796143, 0.004566606134176254, -0.03880667686462402, -0.04191424325108528, 0.06306084990501404, -0.023862570524215698, 0.00951218418776989, -0.07160034030675888, 0.0364823192358017, -0.02144978567957878, -0.030646158382296562, 0.010680679231882095, -0.043076422065496445, -0.0013303477317094803, 0.04929155483841896, 0.0072320387698709965, 0.046916667371988297, 0.02763965167105198, -0.03718973323702812, 0.008526857942342758, 0.018658028915524483, 0.004626609850674868, 0.029357656836509705, -0.06275767832994461, -0.052449651062488556, -0.012777654454112053, 0.021550843492150307, -0.015108329243957996, 0.029711361974477768, 0.0068530673161149025, -0.0037549755070358515, -0.048003051429986954, 0.012215513736009598, 0.017849555239081383, -0.009992213919758797, -0.019327545538544655, -0.0027507012709975243, -0.03216204419732094, 0.03923618048429489, -0.02902921475470066, 0.04911470040678978, -0.02642694301903248, -0.005365604534745216, 0.0482051707804203, -0.029787156730890274, 0.05037793889641762, -0.01318820659071207, -0.022902509197592735, -0.028675507754087448, 0.031151454895734787, 0.047750405967235565, -0.01171653438359499, -0.006221448071300983, -0.01983284018933773, -0.003928670659661293, 0.011552313342690468, 0.001762217259965837, 0.01657368615269661, 0.030115598812699318, -0.05967537313699722, -0.01181759312748909, 0.021437153220176697, 0.005785631015896797, -0.0011345457751303911, 0.03107566013932228, -0.014400915242731571, 0.008470011875033379, -0.022965671494603157, -0.05563301220536232, -0.02150031365454197, 0.025176336988806725, 0.024292070418596268, 0.028069153428077698, 0.034486401826143265, 0.002166453516110778, -0.008324739523231983, 0.002933870768174529, -0.04087838903069496, 0.04196477308869362, 0.002351202070713043, 0.001425880123861134, -0.0007642591372132301, 0.026906974613666534, -0.052449651062488556, -0.010301707312464714, -0.05356130003929138, 0.01369350217282772, 0.027538593858480453, 0.021007651463150978, -0.06518309563398361, 0.028953419998288155, -0.014956740662455559, -0.035067491233348846, -0.025012116879224777, 0.018834881484508514, -0.008425799198448658, -0.025062646716833115, 0.03703814372420311, -0.05280335620045662, 0.045906078070402145, -0.0071499282494187355, 0.01567678712308407, 0.06487991660833359, -0.0026606954634189606, -0.013074515387415886, 0.03317263722419739, 0.012228146195411682, 0.007863657549023628, -0.025782691314816475, -0.04547657445073128, -0.0469924621284008, -0.01187443919479847, -0.018695926293730736, -0.018455909565091133, 0.014779887162148952, -0.004516076762229204, 0.020616047084331512, 0.005024529993534088, -0.01350401621311903, 0.025403721258044243, 0.03484011068940163, -0.005274019669741392, -0.012948191724717617, -0.03825085237622261, 0.03544646501541138, 0.00550456065684557, 0.004636084195226431, -0.008444747887551785, 0.04444072023034096, 0.010686995461583138, 0.022043507546186447, 0.005441398825496435, -0.018872778862714767, -0.00252963462844491, -0.03168201446533203, 0.07129716873168945, 0.01503253448754549, 0.03989306464791298, -0.0513632670044899, -0.056744661182165146, -0.006420408375561237, 0.02271302230656147, 0.012689228169620037, -0.02781650610268116, 0.002340148901566863, -0.009183742105960846, 0.0026417470071464777, 0.005820370279252529, -0.01379456091672182, -0.032439958304166794, -0.003874983172863722, 0.029736626893281937, 0.002104870742186904, -0.03478958085179329, 0.014843049459159374, -0.026149030774831772, 0.0385035015642643, 0.037770822644233704, -0.03367793187499046, 0.01911279372870922, -0.02089395932853222, -0.033197902143001556, -0.01731899566948414, -0.019693883135914803, 0.004310800228267908, 0.019845472648739815, -0.034056901931762695, 0.012026027776300907, -0.00016274061636067927, -0.012998721562325954, -0.018632763996720314, -0.02539108879864216, -0.011476519517600536, -0.0056782555766403675, 0.04625978320837021, 0.0033760040532797575, 0.016826333478093147, 0.02210666798055172, 0.029787156730890274, 0.05836160480976105, 0.005223489832133055, 0.013984046876430511, -0.01913805864751339, 0.04042362421751022, -0.005656149238348007, -0.007105715107172728, 0.02421627752482891, -0.018114836886525154, -0.015638889744877815, -0.005987748969346285, -0.01749585010111332, -0.008267894387245178, 0.07493529468774796, 0.022675126791000366, 0.021626638248562813, 0.01850643940269947, -0.033273693174123764, -0.014906210824847221, 0.017912717536091805, -0.007093082647770643, 0.004670823458582163, -0.02619956061244011, 0.025669001042842865, -0.03580017015337944, -0.022030875086784363, 0.0026512211188673973, 0.006417250260710716, 0.060685962438583374, 0.029711361974477768, 0.005198225378990173, 0.09246903657913208, 0.0010279600974172354, -0.0038686669431626797, -0.04931681975722313, 0.03312210738658905, 0.039387766271829605, 0.005352972075343132, -0.007219406310468912, 0.003505486063659191, -0.001994337420910597, 0.03218730911612511, 0.006041436921805143, 0.05128747224807739, -0.030519835650920868, 0.04168686270713806, 0.03314737230539322, 0.0037265527062118053, 0.05012529343366623, 0.013958781957626343, -0.06235343962907791, -0.010314339771866798, -0.04269745200872421, -0.043430130928754807, -0.011305982246994972, 0.013554546050727367, 0.035118021070957184, -0.053510770201683044, 0.00818578340113163, 0.05275282636284828, -0.026629062369465828, 0.02331937663257122, -0.01047856081277132, 0.04312695190310478, -0.059018488973379135, 0.03009033389389515, -0.07336887717247009, 0.015777844935655594, 0.06498097628355026, 0.019504398107528687, -0.051413796842098236, 0.04949367418885231, -0.05401606485247612, 0.008122622035443783, -0.014982005581259727, -0.026275355368852615, 0.017369525507092476, 0.001989600248634815, -0.00644883094355464, 0.023774143308401108, -0.09696616232395172, -0.019845472648739815, 0.005308758467435837, -0.017937982454895973, 0.0222835224121809, -0.059826962649822235, -0.007573113311082125, 0.06295979022979736, -0.01213340274989605, 0.017950614914298058, 0.024089952930808067, 0.0042760614305734634, 0.01361770834773779, -0.0031423051841557026, 0.03046930581331253, -0.051211677491664886, 0.004181318450719118, 0.004648716654628515, -0.014299856498837471, 0.023849938064813614, 0.03340001776814461, -0.055936187505722046, -0.016358934342861176, 0.04153527319431305, 0.06836645305156708, -0.006625684443861246, -0.060231197625398636, 0.018253792077302933, -0.004563448019325733, -0.029938746243715286, -0.040221504867076874, 0.03524434566497803, 0.0729646384716034, 0.050453733652830124, 0.04567869380116463, -0.008002613671123981, 0.028473390266299248, -0.021778227761387825, 0.01069331169128418, -0.023079361766576767, -0.01738215796649456, -0.01637156680226326, 0.026047972962260246, 0.017799027264118195, 0.0027001716662198305, -0.019277015700936317, -0.009809045121073723, 0.03377899155020714, -0.04782620072364807, -0.01603049226105213, -0.055127717554569244, 0.02464577741920948, -0.015954699367284775, -0.028599712997674942, -0.01248079352080822, 0.02280144952237606, 0.0019090687856078148, 0.030797747895121574, -0.004298168234527111, 0.019592825323343277, 0.012727124616503716, 0.027892298996448517, 0.004459230694919825, 0.03542120009660721, -0.01241131592541933, -0.0032591545023024082, -0.027892298996448517, -0.06634527444839478, 0.038983531296253204, -0.05234859138727188, 0.008526857942342758, -0.02723541669547558, -0.03294525295495987, 0.019643355160951614, -0.0029133432544767857, 0.04863467067480087, -0.005270861554890871, 0.01512096170336008, -0.02288987673819065, -0.019782310351729393, -0.0028564974199980497, -0.03415796160697937, 0.004639242310076952, 0.0064740958623588085, -0.025580573827028275, 0.00249015842564404, 0.0070678177289664745, 0.03188413381576538, -0.0047434596344828606, -0.043480660766363144, -0.003938145004212856, -0.024633144959807396, 0.011924969032406807, 0.007813128642737865, -0.035092756152153015, -0.05527930334210396, 0.02401415817439556, -0.012903978116810322, -0.03600228950381279, 0.002902289852499962, -0.04977158457040787, -0.006442514713853598, -0.0622018501162529, 0.005150853656232357, 0.011343879625201225, 0.016535788774490356, -0.011198606342077255, -0.000678990560118109, -0.02799335867166519, -0.01226604264229536, -0.020818166434764862, -0.012903978116810322, -0.031151454895734787, 0.04542604461312294, -0.006028804462403059, 0.002234352519735694, -0.012177616357803345, 0.002820179332047701, -0.007396259810775518, 0.002944924170151353, -0.04057521000504494, 0.030974600464105606, -0.0017274782294407487, 0.014312488958239555, -0.02738700434565544, 0.008173150941729546, 0.06553679704666138, -0.0015837849350646138, 0.01251237466931343, -0.007137295790016651, -0.005776156671345234, 0.03112618997693062, 0.002408047905191779, -0.020603414624929428, 0.00621197372674942, 0.018784351646900177, 0.027867035940289497, -0.005071901250630617, -0.019074896350502968, 0.01171653438359499, 0.006960442755371332, 0.032591547816991806, -0.02401415817439556, -0.014097738079726696, -0.06634527444839478, -0.005163486115634441, -0.01769796758890152, -0.0313030444085598, 0.014287224039435387, 0.015979964286088943, -0.005441398825496435, -0.015815742313861847, -0.012562904506921768, 0.004598187282681465, 0.029382921755313873, -0.0016295772511512041, -0.023786775767803192, -0.019125426188111305, 0.03216204419732094, -0.014855680987238884, 0.009998530149459839, 0.00450344430282712, -0.006271977908909321, 0.02253616973757744, 0.0714992806315422, -0.007459421642124653, 0.02230878733098507, -0.02273828722536564, 0.028751302510499954, -0.0064740958623588085, 0.0066383169032633305, 0.01830432191491127, -0.005990907084196806, -0.010484877042472363, 0.02968609891831875, -0.029585039243102074, -0.03145463019609451, 0.023622553795576096, -0.0376950278878212, -0.0093226982280612, 0.005277177784591913, 0.0230540968477726, 0.009221638552844524, -0.0006935967248864472, -0.008059459738433361, -0.01616944931447506, 0.014906210824847221, -0.0034265336580574512, 0.023155156522989273, 0.00895004253834486, 0.02784177102148533, -0.003773924196138978, -0.008779505267739296, -0.0003173885925207287, -0.007522583473473787, 0.06796221435070038, -0.030924072489142418, -0.02113397605717182, -0.015752580016851425, -0.0042413221672177315, -0.01648525893688202, -0.00028837358695454895, -0.0180769395083189, 0.04557763412594795, -0.041029978543519974, -0.016219979152083397, 0.029130272567272186, -0.026957504451274872, 0.0127397570759058, 0.001148757291957736, -0.007674172054976225, 0.0069857072085142136, -0.06199973076581955, 0.023104626685380936, -0.03185886889696121, 0.04151000827550888, -0.018923308700323105, -0.008451064117252827, 0.0030649318359792233, -0.005150853656232357, -0.017634805291891098, 0.024279437959194183, -0.011394408531486988, 0.005735101643949747, -0.052298061549663544, 0.029408184811472893, -0.01628314144909382, -0.022447742521762848, 0.028094418346881866, -0.017596907913684845, 0.0005112166982144117, -0.03905932605266571, 0.02170243300497532, 0.0010990172158926725, 0.007971033453941345, 0.013605075888335705, -0.014123002998530865, 0.016636846587061882, 0.029913481324911118, -0.00879213772714138, -0.04358171671628952, -0.04171212762594223, 0.013605075888335705, -0.02594691328704357, 0.004516076762229204, -0.04423860087990761, -0.02057814970612526, 0.001035855384543538, -0.026325885206460953, -0.02597217820584774, 0.0490136444568634, -0.01088279765099287, -0.025896383449435234, -0.009891155175864697, 0.018064307048916817, 0.007440472953021526, -0.005627726204693317, 0.02887762524187565, -0.017230568453669548, 0.018316954374313354, -0.010908061638474464, 0.0017322154017165303, 0.0010169068118557334, -0.0043265908025205135, -0.031783074140548706, 0.018228527158498764, 0.03921091556549072, -0.00017221490270458162, 0.005532983224838972, -0.0317072793841362, -0.0867086723446846, 0.016245244070887566, 0.017255833372473717, 0.017053715884685516, -0.05522877350449562, -0.02037603221833706, -0.01512096170336008, -0.031808339059352875, 0.013756664469838142, 0.045527104288339615, 0.013264001347124577, -0.005564564373344183, 0.0025959545746445656, -0.013352427631616592, -0.002730173524469137, 0.021841388195753098, 0.04522392898797989, 0.00996063370257616, -0.03628019988536835, 0.043859630823135376, 0.003745501395314932, -0.010863848961889744, 0.031404100358486176, 0.005422450136393309, 0.007023604586720467, -0.010352237150073051, 0.010472244583070278, -0.04239427298307419, -0.00358128035441041, -0.014034576714038849, -0.013365060091018677, 0.0075667970813810825, 0.02721015177667141, -0.02181612327694893, 0.0013966677943244576, -0.020110752433538437, 0.03612861409783363, -0.03766976296901703, -0.016182081773877144, -0.019175956025719643, -0.024658409878611565, 0.021929815411567688, 0.01936544105410576, 0.012373418547213078, 0.018986470997333527, -0.007547848392277956, -0.0038718250580132008, 0.011533364653587341, 0.030519835650920868, -0.03595175966620445, -0.019390705972909927, 0.030772482976317406, 0.01037750206887722, -0.026477472856640816, -0.005656149238348007, 0.029989276081323624, 0.00884898379445076, -0.040600474923849106, 0.0024491031654179096, -0.006275136023759842, 0.024683674797415733, 0.004601345397531986, 0.05004949867725372, -0.03168201446533203, 0.001106122974306345, 0.011988130398094654, 0.035496994853019714, 0.0026512211188673973, -0.012044976465404034, 0.02170243300497532, -0.013377692550420761, -0.0068909646943211555, 0.00814157072454691, 0.005596145521849394, 0.006758324336260557, 0.07468264549970627, -0.04522392898797989, 0.005551931913942099, -0.015702050179243088, -0.00431711645796895, -0.01442618016153574, 0.028119683265686035, -0.02003495767712593, -0.026098500937223434, 0.0020922382827848196, -0.016876863315701485, 0.03501696512103081, 0.0025043697096407413, 0.00756048085168004, 0.010863848961889744, 0.016017859801650047, 0.016497891396284103, 0.012095506303012371, -0.04006991535425186, 0.009088998660445213, 0.007124663330614567, 0.02052762173116207, -0.006385669112205505, -0.02462051250040531, 0.027740711346268654, 0.029206067323684692, 0.021942447870969772, 0.02262459695339203, -0.014880945906043053, 0.021260298788547516, 0.016725273802876472, 0.0425458624958992, 0.031378839164972305, 0.005599303171038628, -0.01925175078213215, 0.005984590854495764, -0.0117481155321002, 0.013668237254023552, -0.0012735020136460662, -0.0023827829863876104, -0.0015040430007502437, 0.01493147574365139, 0.004863467067480087, -0.015095696784555912, -0.002573847770690918, 0.011937601491808891, 0.01634630188345909, -0.012821868062019348, -0.02968609891831875, -0.03350107744336128, -0.021828755736351013, -0.008173150941729546, -0.020969754084944725, -0.013605075888335705, 0.0004701614670921117, 0.005829844158142805, -0.011520732194185257, -0.007459421642124653, 0.013352427631616592, -0.03350107744336128, 0.02882709540426731, 0.026755385100841522, -0.015360976569354534, 0.005896164570003748, -0.001338243018835783, 0.002081184880807996, 0.038528766483068466, 0.015398873947560787, -0.01381982583552599, 0.01136914361268282, 0.006278294138610363, 0.021942447870969772, -0.03256628289818764, -0.009177425876259804, 0.06295979022979736, -0.011343879625201225, -0.002719120355322957, -0.029079744592308998, -0.011943917721509933, -0.0026464841794222593, 0.0063067167066037655, -0.036507584154605865, 0.0058740577660501, 0.009853257797658443, 0.002218562178313732, 0.0025280555710196495, 0.004974000621587038, -0.0433543361723423, -0.001055593485943973, -0.02534055896103382, 0.003480221377685666, -0.0449712797999382, 0.033450547605752945, -0.009897471405565739, -0.0018885411554947495, -0.012701860629022121, 0.03804873675107956, -0.0012466582702472806, 0.02222036011517048, -0.03708867356181145, -0.005097166169434786, -0.004945577587932348, 0.024696307256817818, 0.012556588277220726, 0.012392367236316204, -0.0401204451918602, 0.0031786232721060514, -0.01891067624092102, 0.007326781749725342, -0.004604503512382507, 0.019580192863941193, -0.009202690795063972, -0.0008017615182325244, 0.014274591580033302, 0.000834526726976037, -0.0013958782656118274, 0.02637641318142414, -0.01105333399027586, 0.000707413419149816, -0.004591871052980423, -0.007737333886325359, 0.025807956233620644, -0.005207699723541737, 0.01634630188345909, 0.0034265336580574512, 0.025214234367012978, -0.01747058518230915, 0.011545997112989426, 0.032439958304166794, 0.0222835224121809, -0.016813701018691063, -0.0017353735165670514, -0.034461136907339096, -0.003827611915767193, 0.02619956061244011, 0.02199297770857811, 0.011470203287899494, -0.05527930334210396, 0.06674950569868088, -0.013706134632229805, -0.014552503824234009, 0.02516370452940464, -0.04075206443667412, -0.010554355569183826, 0.034511666744947433, -0.01654842123389244, 0.025492146611213684, -0.002068552654236555, 0.0076110102236270905, -0.03395584225654602, 0.017028450965881348, -0.025719530880451202, 0.008975307457149029, 0.04006991535425186, -0.022498272359371185, -0.018493806943297386, 0.00786997377872467, 0.005971958860754967, -0.02473420463502407, 0.04383436590433121, 0.010055376216769218, -0.0085331741720438, 0.006123547442257404, -0.011476519517600536, 0.01683896593749523, 0.003609703155234456, 0.0033854783978313208, -0.0006162233767099679, -0.017546378076076508, 0.021778227761387825, -0.015184123069047928, -0.008331055752933025, -0.007219406310468912, -0.00034660098026506603, -0.0005577986012212932, 0.0034360080026090145, 0.007945768535137177, -0.018544336780905724, -0.04322801157832146, -0.012070241384208202, -0.021007651463150978, 0.005801421590149403, -0.007175193168222904, -0.016005227342247963, 0.018203262239694595, 0.033273693174123764, 0.019504398107528687, 0.016497891396284103, -0.009992213919758797, 0.0019848630763590336, 0.044061750173568726, -0.004516076762229204, 0.006928861606866121, 0.03208624944090843, 0.03337475284934044, -0.0005704310024157166, -0.015108329243957996, 0.03933723643422127, 0.01200707908719778, 0.020300237461924553, 0.004898206330835819, -0.014944108203053474, 0.0012885029427707195, -0.008223680779337883, 0.034082166850566864, 0.020881326869130135, 0.018140099942684174, 0.0025012115947902203, 0.014249326661229134, -0.028776567429304123, -0.022460374981164932, 0.012847132980823517, -0.014704092405736446, 0.004866625182330608, 0.03183360397815704, -0.01974441297352314, -0.013137677684426308, -0.010819635353982449, -0.01819062978029251, -0.01369350217282772, -0.007945768535137177, -0.016182081773877144, -0.030823012813925743, -0.004140263423323631, 0.012733440846204758, 0.03188413381576538, 0.05335918068885803, -0.022157197818160057, 0.008621600456535816, 0.02259933203458786, 0.01830432191491127, 0.020300237461924553, 0.023988893255591393, -0.04130788892507553, 0.012878713198006153, -0.007143612019717693, 0.0032465222757309675, -0.019289648160338402, 0.012543955817818642, -0.009632191620767117, -0.02075500413775444, -0.027083827182650566, -0.023799408227205276, 0.0055456156842410564, -0.014299856498837471, -0.014363018795847893, -0.022877244278788567, -0.0006170129054225981, -0.004664507228881121, -0.032035719603300095, -0.011912336573004723, 0.0329199880361557, 0.015171490609645844, 0.01016275119036436, 0.02865024283528328, 0.0004168685991317034, -0.026073236018419266, -0.02700803242623806, -0.0032623126171529293, 0.004566606134176254, 0.04719458147883415, 0.03195992857217789, -0.01269554439932108, 0.0054666632786393166, 0.00821736454963684, -0.06386932730674744, 0.021108711138367653, 0.02599744312465191, 0.015424138866364956, 0.012632382102310658, -0.032035719603300095, 0.0190496314316988, 0.004876099526882172, -0.021942447870969772, 0.020199179649353027, 0.009878522716462612, -0.010150118730962276, -0.0008416324853897095, -0.008040511049330235, 0.03190939873456955, 0.022435110062360764, -0.015702050179243088, 0.0018269582651555538, -0.011792329140007496, -0.02383730560541153, 0.0020353926811367273, -0.0019232801860198379, 0.01778639480471611, -0.014969373121857643, 0.010674363002181053, 0.00350232794880867, -0.0242668054997921, -0.009171109646558762, 0.007573113311082125, 0.02865024283528328, 0.00977114774286747, 0.02464577741920948, -0.017710600048303604, 0.04090365394949913, 0.006903596688061953, 0.03989306464791298, 0.020363399758934975, 0.003950777463614941, -0.029105007648468018, 0.01072489283978939, 0.0010319077409803867, -0.02493632212281227, 0.00350232794880867, -0.011792329140007496, 0.012998721562325954, -0.03860456123948097, 0.006281452253460884, 0.031429365277290344, 0.022864611819386482, -0.014817784540355206, 0.021007651463150978, 0.009145844727754593, 0.010889113880693913, 0.001052435371093452, 0.0425458624958992, 0.005848792847245932, 0.026755385100841522, 0.02251090481877327, 0.02415311522781849, 0.038958266377449036, -0.012834500521421432, -0.002475946908816695, 0.018481174483895302, -0.015045166946947575, 0.025833221152424812, -0.006657265592366457, -0.02988821640610695, -0.0086342329159379, -0.017975879833102226, -0.008248945698142052, 0.02554267644882202, 0.012310256250202656, 0.00011665215424727648, 0.01639683172106743, -0.02743753418326378, 0.027892298996448517, -0.014274591580033302, 0.008583704009652138, -0.018026409670710564, 0.011028070002794266, -0.023104626685380936, 0.040827859193086624, -0.0011590210488066077, 0.005915112793445587, 0.009480603039264679, 0.00689728045836091, 0.008937410078942776, -0.0007303095771931112, 0.039564620703458786, 0.0015861535212025046, 0.012727124616503716, 0.022725654765963554, -0.01709161326289177, -0.007813128642737865, -0.05846266448497772, -0.013984046876430511, 0.007844709791243076, 0.0325157530605793, 0.011356511153280735, -0.01011853851377964, -0.02360992319881916, 0.010150118730962276, 0.013769296929240227, -0.011943917721509933, 0.024178380146622658, -0.02824600599706173, -0.0025470040272921324, -0.015108329243957996, 0.08221154659986496, 0.019466500729322433, 0.025517411530017853, 0.008293159306049347, 0.0409289188683033, -0.028347065672278404, 0.010390134528279305, -0.018089571967720985, -0.021664535626769066, -0.0027917565312236547, -0.023268848657608032, -0.0031975717283785343, 0.003199150785803795, 0.04936734959483147, -0.004610819276422262, 0.04006991535425186, -0.009562713094055653, 0.01003011129796505, 0.00015119381714612246, 0.034486401826143265, -0.011552313342690468, 0.004626609850674868, 0.03532014042139053, 0.01760954037308693, -0.013605075888335705, -0.028372330591082573, 0.04583028331398964, 0.034233756363391876, 0.009758515283465385, -0.012392367236316204, 0.03026718832552433, -0.0008139991550706327, 0.04153527319431305, 0.026149030774831772, 0.00874792505055666, -0.02842286042869091, 0.0006912281387485564, 0.019984427839517593, 0.02259933203458786, -0.014350386336445808, -0.015664154663681984, 0.012120770290493965, 0.02617429569363594, 0.020679209381341934, -0.0014108791947364807, 0.017887452617287636, -0.0028580764774233103, 0.020022325217723846, 0.023913100361824036, -0.011596526950597763, -0.013478752225637436, 0.0037233945913612843, -0.0017022135434672236, -0.005690888036042452, 0.0009008467313833535, -0.005984590854495764, 0.007105715107172728, 0.007996298372745514, 0.016422096639871597, 0.0042413221672177315, 0.0015111487591639161, -0.025302661582827568, 0.005412975791841745, 0.010440663434565067, -0.0002629114605952054, 0.006262503564357758, 0.0050024231895804405, -0.003720236476510763, -0.00869107898324728, -0.013781929388642311, 0.008539490401744843, -0.007680488284677267, 0.020489724352955818, 0.015285182744264603, -0.00634777219966054, 0.0007279410492628813, -0.001875908812507987, -0.005997223313897848, 0.023129891604185104, -0.013920885510742664, 0.007642591372132301, -0.010680679231882095, 0.014956740662455559, 0.01016275119036436, -0.006243554875254631, 0.004961368162184954, 0.026275355368852615, 0.003077564062550664, -0.03155568987131119, -0.02721015177667141, -0.01832958683371544, 0.01229130756109953, 0.021121343597769737, 0.019554927945137024, 0.005488770082592964, -0.01931491307914257, -0.0018964363262057304, 0.015866272151470184, 0.025643736124038696, -0.044920749962329865, 0.007933136075735092, 0.008337371982634068, 0.011918652802705765, 0.018569601699709892, -0.0040297298692166805, -0.006537257693707943, 0.008109989576041698, -0.019175956025719643, -0.013251368887722492, -0.012543955817818642, 0.0009316381765529513, -0.02003495767712593, -0.00458239670842886, -0.03367793187499046, -0.039185650646686554, 0.03299578279256821, 0.0029101851396262646, 0.0030286135151982307, -0.013276633806526661, -0.017748497426509857, 0.005179276689887047, 0.012499742209911346, -0.047573551535606384, 0.0030001907143741846, -0.00756048085168004, 0.009821677580475807, 0.006436198949813843, -0.005394027102738619, 0.012076557613909245, 0.02363518625497818, 0.04464283958077431, 0.033627402037382126, 0.026528002694249153, 0.01411037053912878, -0.014072474092245102, 0.012891345657408237, -0.013769296929240227, -0.005495086312294006, 0.03865509107708931, -0.002248564036563039, -0.0473966971039772, -0.001751163974404335, -0.025706898421049118, 0.006530941464006901, 0.00700465589761734, 0.04396069049835205, -0.04277324676513672, 0.00874792505055666, 0.01792534999549389, 0.0017716916045174003, -0.012247094884514809, 0.026755385100841522, 0.011255452409386635, 0.02842286042869091, -0.0036223356146365404, -0.02516370452940464, 0.0007796548306941986, 0.008337371982634068, 0.003316000336781144, 0.004143421538174152, -0.024809999391436577, -0.0004598976520355791, -0.027538593858480453, -0.014464077539741993, -0.011280717328190804, -0.003341265022754669, 0.017799027264118195, 0.00017961669072974473, -0.011154393665492535, 0.02395099587738514, 0.0021743488032370806, -0.01654842123389244, -0.013680869713425636, -0.004961368162184954, -0.026553267613053322, 0.029761891812086105, -0.003338106907904148, 0.005182434804737568, -0.023774143308401108, -0.007971033453941345, -0.014173532836139202, -0.011438622139394283, -0.01098385639488697, -0.012468161061406136, 0.008672130294144154, 0.05111061781644821, 0.023041464388370514, -0.006752008106559515, 0.024885792285203934, 0.004784514661878347, 0.03195992857217789, -0.027488064020872116, 0.012139718979597092, 0.003077564062550664, 0.004664507228881121, -0.004942419473081827, -0.01060488447546959, 0.037770822644233704, 0.010282759554684162, -0.005877215880900621, 0.024380497634410858, -0.011388092301785946, -0.031201984733343124, -0.027740711346268654, -0.034890640527009964, 0.003524434519931674, -0.011545997112989426, -0.010225913487374783, -0.00025245026336051524, -0.01758427545428276, 0.014173532836139202, -0.011994446627795696, -0.0016990554286167026, 0.02635115012526512, 0.01830432191491127, -0.024696307256817818, -0.040019385516643524, -0.006385669112205505, 0.023281481117010117, -0.04108050838112831, 0.01422406267374754, 0.015196755528450012, 0.0178369227796793, -0.024658409878611565, 0.018569601699709892, -0.011476519517600536, 0.0437585711479187, -0.001858539180830121, 0.011047017760574818, 0.0034675889182835817, 0.051262207329273224, -0.03355160728096962, 0.010990172624588013, 0.031783074140548706, -0.01819062978029251, 0.0094237569719553, -0.04759881645441055, 0.046360842883586884, -0.02885236032307148, 0.006657265592366457, 0.016194714233279228, 0.013668237254023552, -0.009745882824063301, -0.018354851752519608, -0.0022848821245133877, 0.008331055752933025, 0.00884898379445076, -0.02801862359046936, -0.004977158736437559, 0.013807193376123905, 0.028094418346881866, 0.0033254746813327074, 0.0057129948399960995, -0.020540254190564156, -0.005454030819237232, -0.03638125956058502, 0.006789905484765768, -0.022258257493376732, 0.009916420094668865, 0.020451826974749565, -0.05568354204297066, 0.003767607966437936, 0.005984590854495764, 0.015866272151470184, -0.016649479046463966, 0.012108138762414455, -0.014375651255249977, -0.011097547598183155, -0.005640358664095402, 0.028902890160679817, 0.0017069505993276834, 0.008002613671123981, -0.0024096269626170397, -0.027513328939676285, 0.01562625728547573, 0.00503084622323513, 0.007383627351373434, -0.0222835224121809, -0.008710027672350407, 0.010484877042472363, 0.036911819130182266, 0.028347065672278404, -0.016965288668870926, -0.01534834410995245, -0.030797747895121574, 0.01596733182668686, 0.007257303688675165, 0.03582543507218361, 0.03739185258746147, -0.007819444872438908, 0.023243583738803864, 0.02905447967350483, -0.0058456347323954105, -0.0147419897839427, 0.0005360867362469435, 0.019491765648126602, 0.02314252406358719, -0.018834881484508514, 0.024860527366399765, 0.01862013153731823, -0.02640167810022831, -0.016333669424057007, 0.0313030444085598, 0.005472979508340359, 0.03969094529747963, -0.005719311069697142, 0.02599744312465191, -0.005877215880900621, 0.0044434405863285065, 0.0126386983320117, 0.0017101087141782045, 0.004721352830529213, -0.02743753418326378, 0.03438534587621689, 0.0433543361723423, 0.012499742209911346, 0.02432996779680252, 0.0105354068800807, -0.035269610583782196, 0.030444040894508362, 0.029307126998901367, 0.009764831513166428, 0.04105524346232414, 0.003777082310989499, 0.08109989017248154, -0.0017464268021285534, -0.03476431593298912, -0.019529663026332855, -0.03110092505812645, -0.03246522322297096, 0.02923133224248886, 0.008425799198448658, 0.05280335620045662, -0.024696307256817818, -0.0095248157158494, -0.012044976465404034, 0.05477400869131088, -0.0011234924895688891, 0.00895004253834486, 0.009891155175864697, 0.010225913487374783, -0.021854020655155182, -0.04034782946109772, 0.010308023542165756, -0.02467104233801365, 0.001377719221636653, 0.005352972075343132, 0.030342981219291687, -0.0026670116931200027, -0.008646865375339985, 0.025037381798028946, 0.015285182744264603, 0.002941766055300832, 0.019959162920713425, -0.051211677491664886, 0.0158536396920681, 0.011002805083990097, 0.0019280173582956195, 0.045324988663196564, -0.016788436099886894, -0.024898424744606018, -0.008981623686850071, 0.004171844106167555, 0.03996885567903519, 0.02242247760295868, 0.003928670659661293, -0.05007476359605789, -0.0011132287327200174, -0.03279366344213486, 0.005577196832746267, -0.018784351646900177, 0.0013145572738721967, 0.03946356102824211, 0.0021427678875625134, 0.0006853067316114902, 0.005062427371740341, 0.0025391087401658297, -0.0038244538009166718, -0.0007907081744633615, -0.046537697315216064, 0.026502737775444984, -0.02902921475470066, 0.04916523024439812, -0.026250090450048447, 0.0019138059578835964, -0.007408892270177603, 0.004863467067480087, -0.015512565150856972, 0.006802537944167852], "096927c1-1464-4bbe-8d55-39811b68b384": [0.004630829207599163, 0.002337331883609295, 0.04583863168954849, 0.00692589208483696, 0.008936028927564621, -0.00037063853233121336, 0.05851314216852188, -0.021328741684556007, -0.014477994292974472, 0.011152815073728561, 0.010946165770292282, -0.06247079372406006, -0.031936753541231155, 0.014540615491569042, 0.018623510375618935, -0.021366313099861145, -0.038875170052051544, 0.012699555605649948, -0.04994657635688782, 0.01645682007074356, 0.033239271491765976, 0.03236257657408714, 0.022430872544646263, 0.0019115086179226637, 0.05014696344733238, -0.012236160226166248, 0.01118412520736456, 0.04140505939722061, 0.002951018512248993, -0.02364572137594223, 0.020865345373749733, -0.012054558843374252, 0.00790904276072979, -0.021241070702672005, -0.0003976438893005252, -0.023044558241963387, -0.06577719002962112, -0.017571475356817245, 0.04456116259098053, -0.03003307245671749, 0.002592512872070074, 0.004718498792499304, -0.0193624384701252, -0.02418426238000393, 0.004524373449385166, 0.05971546471118927, -0.04706600680947304, -0.024647658690810204, -0.04022778570652008, 0.010476507246494293, -0.04441087320446968, 0.02170446701347828, 0.00803428515791893, 0.046189311891794205, 0.06176943704485893, 0.008879669941961765, -0.006831960286945105, -0.05866343155503273, 0.02169194258749485, 0.013388387858867645, 0.004987769294530153, -0.01227373257279396, -0.0037823135498911142, 0.03867478296160698, -0.0022747109178453684, 0.0035944501869380474, -0.02848006971180439, 0.011929316446185112, -0.004709105473011732, 0.008967339061200619, 0.008986125700175762, 0.023445334285497665, 0.01829788088798523, -0.03669595345854759, -0.013162951916456223, 0.014753527007997036, 0.05500635877251625, 0.004314592573791742, 0.031160252168774605, 0.012110917828977108, -0.004893837496638298, -0.03133558854460716, -0.01842312328517437, -0.01521692331880331, 0.010589225217700005, -0.006321598310023546, -0.04704095795750618, -0.007865208201110363, -0.03724702075123787, -0.04363436996936798, 0.008071857504546642, 0.05159977450966835, -0.04506213217973709, 0.04198117554187775, -0.04168059304356575, -0.004367820452898741, -0.007126279175281525, 0.02076515182852745, -0.0019349914509803057, 0.06733018904924393, 0.041354965418577194, -0.013476056978106499, -0.03960157185792923, -0.01300013717263937, 0.0778004378080368, -0.01789710484445095, -0.011741452850401402, 0.04861900955438614, -0.011058883741497993, -0.014402849599719048, -0.1258433312177658, -0.011453396640717983, -0.012962563894689083, 0.03596955165266991, 0.02925657108426094, -0.02767851948738098, 0.016030997037887573, -0.007483219727873802, -0.03003307245671749, -0.03749750554561615, 0.001303301309235394, -0.027127454057335854, -0.009249133989214897, -0.02494823932647705, -0.00205553718842566, 0.007295356132090092, 0.0011490968754515052, 0.005413592793047428, -0.05615858733654022, -0.0399773009121418, 0.039000410586595535, -0.0025643333792686462, 0.005905168130993843, -0.01842312328517437, -0.0017706111539155245, -0.008197099901735783, -0.018974188715219498, -0.0054355100728571415, -0.06026653200387955, -0.02023913338780403, 0.002542416099458933, -0.030383748933672905, 0.004565076902508736, 0.045938827097415924, 0.036645859479904175, 0.019625447690486908, -0.03263811022043228, 0.0001944188989000395, -0.028830746188759804, -0.039000410586595535, -0.02115340158343315, 0.020351851359009743, -0.010626797564327717, 0.025186199694871902, 0.0193624384701252, -0.03622003644704819, -0.03058413788676262, 0.056108489632606506, -0.013676444999873638, 0.04000234976410866, -0.04849376901984215, -0.02365824580192566, -0.015104205347597599, -0.02837987430393696, 0.0022653175983577967, -0.009700005874037743, -0.006944678258150816, -0.003142012981697917, -0.042281754314899445, -0.01594332791864872, -0.04483669623732567, 0.010132091119885445, -0.01169135607779026, -0.03672100231051445, 0.054805971682071686, -0.035218097269535065, 0.0056045870296657085, -0.04809299111366272, 0.01908690668642521, -0.0012829494662582874, -0.004934541415423155, 0.008910980075597763, -0.04666523262858391, -0.0036445469595491886, 0.045788537710905075, 0.001189017784781754, 0.012818535789847374, 0.03629517927765846, -0.03256296366453171, 0.001671982929110527, 0.007727441843599081, 0.013375863432884216, 0.027002211660146713, -0.06607776880264282, -0.06918377429246902, -0.02339523658156395, 0.04125477001070976, -0.04706600680947304, 0.022531066089868546, 0.024008924141526222, 0.006694193929433823, -0.05500635877251625, 0.0005514569347724319, 0.005197550170123577, -0.018986713141202927, -0.015755465254187584, -0.0045932563953101635, -0.006330991629511118, -0.002615995705127716, -0.04035302624106407, 0.038223911076784134, -0.0368712954223156, 0.0038919004146009684, 0.05044754594564438, -0.051549676805734634, 0.03213714063167572, -0.012555527500808239, -0.028930941596627235, -0.03256296366453171, 0.007765014190226793, 0.04112952947616577, -0.021353788673877716, 0.02036437578499317, -0.00718263816088438, 0.004909493029117584, 0.023983875289559364, -0.01032621692866087, -0.0024156083818525076, 0.057811785489320755, -0.05675974860787392, 0.008115692064166069, -0.0009267920395359397, 0.013814210891723633, -0.027653470635414124, 0.040052443742752075, -0.045287568122148514, 0.004505586810410023, -0.03576916456222534, -0.03459188714623451, 0.015104205347597599, -0.0042269229888916016, 0.03328936919569969, -0.0035850571002811193, 0.05711042881011963, 0.004486800637096167, -0.019400011748075485, -0.006334122736006975, -0.045938827097415924, 0.044761549681425095, 0.006475020200014114, 0.00027201033663004637, 0.01111524272710085, 0.003779182443395257, -0.07384277880191803, -0.0118917440995574, -0.040052443742752075, 0.01104009710252285, 0.02888084389269352, 0.03406586870551109, -0.047091055661439896, 0.021378837525844574, -0.013350815512239933, -0.05866343155503273, -0.022956889122724533, 0.0025267607998102903, 0.018235258758068085, -0.0205271914601326, 0.04328369349241257, -0.054805971682071686, 0.022631259635090828, 0.01020097453147173, 0.0220801942050457, 0.011334416456520557, 0.024497367441654205, -0.015530028380453587, 0.014928866177797318, -0.010745777748525143, 0.02925657108426094, 0.002533022779971361, -0.030534040182828903, -0.019312342628836632, -0.029582200571894646, 0.0013017357559874654, -0.004486800637096167, 0.023720866069197655, 0.019525254145264626, -0.01827283203601837, 0.007652296219021082, -0.01462828554213047, 0.0007346235797740519, 0.036119841039180756, 0.009130153805017471, -0.02549930475652218, -0.016118666157126427, 0.03426625579595566, 0.012987612746655941, -0.010113305412232876, -0.0005307137034833431, 0.0226187352091074, 0.035067807883024216, 0.053503453731536865, -0.006418661214411259, -0.037297118455171585, -0.0041173361241817474, -0.03727206960320473, 0.059915851801633835, 0.03070938028395176, 0.040428172796964645, -0.013162951916456223, -0.04378466308116913, -9.442085138289258e-05, 0.05315277725458145, 0.02062738500535488, -0.035318292677402496, -0.029682394117116928, -0.039776913821697235, 0.0036163676995784044, -0.003854327602311969, -0.021128352731466293, -0.016957789659500122, -0.0038825070951133966, 0.001961605390533805, -0.00029842861113138497, -0.028054244816303253, 0.01515430212020874, -0.0585632361471653, 0.023457858711481094, 0.034566838294267654, -0.02600027434527874, 0.0019459502073004842, -0.04087904468178749, -0.038349151611328125, -0.005222598556429148, 0.004095418844372034, 0.010739515535533428, 0.015580126084387302, -0.05280209705233574, 0.014152364805340767, -0.007545840460807085, -0.001367487944662571, 0.0017784388037398458, -0.03396567702293396, -0.016294006258249283, -0.017821960151195526, 0.030108217149972916, 0.010319954715669155, 0.010113305412232876, 0.046064067631959915, 0.012636934407055378, 0.05405452102422714, 0.024409698322415352, 0.029982974752783775, -0.029031135141849518, 0.022531066089868546, -0.022142814472317696, 0.0012289388105273247, 0.024221835657954216, 0.010714467614889145, -0.03243772312998772, -0.01635662652552128, -0.02184223383665085, 0.005905168130993843, 0.09272930026054382, 0.026977162808179855, -3.979863322456367e-05, 0.04653998836874962, -0.03070938028395176, -0.01162873487919569, -0.005983444396406412, 0.007351715117692947, -2.1501537048607133e-05, -0.0616692416369915, 0.02534901537001133, -0.011177862994372845, -0.05570771545171738, -0.007326666731387377, 0.004374082665890455, 0.051800161600112915, -0.00915520265698433, 0.02429698035120964, 0.11071407794952393, 0.005739222280681133, 0.01972564123570919, -0.020452046766877174, 0.02079020068049431, 0.035343337804079056, -0.03146083280444145, -0.013037709519267082, 0.008798262104392052, -0.007195162586867809, 0.04035302624106407, -0.01142208557575941, 0.030809573829174042, -0.04080389812588692, 0.01352615375071764, 0.009530928917229176, 0.003262558486312628, 0.057411011308431625, 0.012098393402993679, -0.04087904468178749, 0.004399131052196026, -0.022643784061074257, -0.03331441804766655, 0.017834484577178955, -0.004032797645777464, 0.06803154200315475, -0.04791765287518501, 0.027503179386258125, 0.04598892480134964, -0.014603236690163612, 0.05059783533215523, -0.020614860579371452, 0.028655407950282097, -0.04999667406082153, 0.017972251400351524, -0.07163851708173752, 0.012699555605649948, 0.042406998574733734, 0.04010254144668579, -0.047341540455818176, 0.043308742344379425, -0.028154438361525536, 0.002010136842727661, -0.025048432871699333, -0.012524216435849667, 0.023169800639152527, -0.0009385335142724216, -0.0024296981282532215, 0.04002739489078522, -0.0895731970667839, -0.03449169173836708, 0.015530028380453587, -0.04155535250902176, 0.0387248769402504, -0.03712178021669388, -0.005222598556429148, 0.017483806237578392, -0.03839924931526184, 0.02548678033053875, 0.014265082776546478, 0.0068006496876478195, 0.017421185970306396, -0.007276569958776236, -0.003151406068354845, -0.04085399582982063, 0.023883681744337082, -0.04508718103170395, 0.01170388050377369, 0.029431909322738647, -0.0009119195165112615, -0.052451420575380325, -0.011578638106584549, 0.0258750319480896, 0.054004423320293427, -0.006143128499388695, -0.054805971682071686, 0.009850296191871166, -0.03606974333524704, 0.0012806011363863945, -0.01593080349266529, 0.0285051167011261, 0.0852147713303566, 0.04235690087080002, 0.03371519222855568, 0.023057082667946815, 0.020727578550577164, 0.008666758425533772, 0.01437780074775219, -0.01697031408548355, -0.05007181689143181, 0.0001895266177598387, 0.05921449512243271, 0.036395374685525894, -0.010501556098461151, -0.015241972170770168, -0.03288859501481056, 0.023670770227909088, -0.025123579427599907, -0.012568051926791668, -0.03158607333898544, 0.01854836568236351, -0.00361010548658669, -0.007671082857996225, -0.007802587002515793, 0.031285494565963745, 0.011785288341343403, 0.0232449471950531, -0.01618128828704357, 0.02040194906294346, 0.007389287929981947, 0.02980763651430607, 0.020414473488926888, 0.04719124734401703, -0.011866695247590542, 0.016043521463871002, -0.005817498546093702, -0.08195847272872925, 0.0019396881107240915, -0.03321422263979912, -0.01700788550078869, -0.03236257657408714, -0.020990587770938873, 0.02677677571773529, -0.0028007279615849257, 0.07123774290084839, 0.019287293776869774, 0.04406019300222397, -0.027878906577825546, -0.03226238116621971, 0.004154908936470747, 0.005620242096483707, 0.013388387858867645, 0.03399072587490082, -0.03203694522380829, -0.00888593215495348, -0.007633510045707226, 0.04806794226169586, 0.003088784869760275, -0.03902545943856239, 0.011547327972948551, -0.022681357339024544, 0.006669145543128252, 0.01535469014197588, 0.0006555644795298576, -0.04087904468178749, 0.01790962927043438, -0.005372888874262571, -0.03151093050837517, -0.02442222274839878, -0.0478675551712513, 0.021065732464194298, -0.06332243978977203, 0.0035850571002811193, 0.01104009710252285, 0.008002974092960358, -0.035067807883024216, 0.009894131682813168, -0.02848006971180439, -0.015968376770615578, -0.019562827423214912, -0.012248683720827103, -0.032061994075775146, 0.04220661148428917, 0.0064311851747334, -0.004339640960097313, -0.01856089010834694, 0.0009815854718908668, 0.00915520265698433, 0.010526604019105434, -0.01143461000174284, 0.04178078845143318, -0.0034003248438239098, -0.012950040400028229, 0.0018629772821441293, 0.02690201811492443, 0.05069803074002266, -0.00815952755510807, -0.0032187236938625574, -0.0028383005410432816, 0.008798262104392052, 0.020326804369688034, -0.0058331540785729885, -0.022506017237901688, 0.017408661544322968, 0.006284025963395834, 0.026225710287690163, 0.006975988857448101, -0.030534040182828903, 0.01091485470533371, -0.0018441908759996295, 0.026225710287690163, -0.01854836568236351, -0.02627580612897873, -0.06888319551944733, 0.011253008618950844, -0.010726992040872574, -0.03243772312998772, 0.012599362060427666, 0.042281754314899445, 0.006637834943830967, -0.0011757108150050044, -0.04754192754626274, 0.0011303105857223272, 0.02519872412085533, -0.011522279120981693, -0.014715954661369324, -0.018523316830396652, 0.023432809859514236, -0.016018472611904144, 0.008616660721600056, 0.0009925442282110453, 0.016519442200660706, 0.03564392030239105, 0.07364239543676376, -0.006894581485539675, 0.019763214513659477, -0.020063795149326324, 0.017295943573117256, 0.00354748428799212, 0.024722803384065628, -0.009969276376068592, 0.007264045532792807, -0.006744290702044964, 0.013313242234289646, -0.032738301903009415, -0.011653783731162548, 0.010482769459486008, -0.02206766977906227, -0.02702726051211357, 0.017333516851067543, 0.023695817217230797, 0.004079763777554035, 0.01378916297107935, -0.0006759163225069642, -0.012179801240563393, 0.01894913986325264, 0.00953719113022089, 0.011328154243528843, 0.04140505939722061, 0.01960039883852005, -0.006882057059556246, 0.017145652323961258, 0.007858945988118649, -0.0008477329392917454, 0.06432437896728516, -0.005009686574339867, -0.02938181161880493, 0.005072307772934437, -0.0030872193165123463, -0.012755914591252804, -0.0048406096175313, -0.022042620927095413, 0.06237059831619263, -0.021378837525844574, -0.004511849023401737, 0.017609048634767532, 0.00908005703240633, 0.01372654177248478, 0.011171601712703705, -0.023345140740275383, 0.02915637567639351, -0.03251286596059799, 0.036144889891147614, -0.030258508399128914, 0.047341540455818176, -0.017057983204722404, -0.0014058433007448912, -0.008936028927564621, -0.015004011802375317, -0.01031369250267744, 0.017145652323961258, -0.05600829795002937, 0.009643646888434887, 0.001928729354403913, 0.025173675268888474, -0.008065595291554928, -0.028555214405059814, 0.019425060600042343, -0.02523629739880562, -0.007069920189678669, -0.05047259479761124, 0.006293418817222118, 0.00513179786503315, -0.007545840460807085, -0.005066045559942722, 0.009130153805017471, 0.00790904276072979, 0.015392262488603592, 0.02000117488205433, -0.023883681744337082, -0.031535979360342026, 0.026325903832912445, 0.0033189174719154835, -0.012724604457616806, -0.026576388627290726, -0.025386586785316467, 0.008234672248363495, -0.037547603249549866, -0.015304592438042164, 0.05159977450966835, -0.021115830168128014, -0.03682119771838188, -0.021742040291428566, 0.027102405205368996, 0.015642747282981873, -0.018924091011285782, 0.027202598750591278, 0.0038449345156550407, -0.0030214672442525625, -0.015630222856998444, 0.0032782137859612703, 0.002440656768158078, -0.024772901087999344, -0.02885579504072666, 0.02156670205295086, 0.007558364886790514, 0.02835482731461525, -0.004489931743592024, 0.006882057059556246, -0.05811236426234245, 0.03932604193687439, 0.00630281213670969, 0.007633510045707226, -0.026325903832912445, -0.04731649160385132, -0.00842879805713892, -0.009912917390465736, -0.01306275837123394, 0.03198685124516487, 0.013150427490472794, 0.00784642156213522, 0.028054244816303253, -0.03787323087453842, 0.002085282001644373, 0.02012641541659832, 0.03095986321568489, 0.003829279216006398, -0.009023698046803474, 0.04035302624106407, -0.008961076848208904, -0.010420148260891438, 0.020965538918972015, 0.010689418762922287, 0.0002696620358619839, -0.014390325173735619, 0.003826148109510541, -0.041354965418577194, -0.00016604371194262058, -0.030759476125240326, -0.006857008673250675, -0.02925657108426094, 0.030784524977207184, -0.0028320385608822107, 0.01037631370127201, -0.023833584040403366, 0.0226187352091074, -0.0368712954223156, -0.009624860249459743, -0.02755327709019184, -0.02690201811492443, 0.020564764738082886, 0.019625447690486908, 0.007026085630059242, 0.029857732355594635, 0.01583060994744301, -0.00415177782997489, 0.026501242071390152, 0.03163617104291916, -0.023720866069197655, 0.005645290482789278, 0.012173539027571678, 0.010338741354644299, -0.01287489477545023, -0.006625310517847538, 0.03827400505542755, 0.03374024108052254, -0.039275944232940674, 0.014853721484541893, -0.005025342106819153, 0.0015130819519981742, 0.021742040291428566, 0.052351225167512894, -0.004846871830523014, -0.006165045779198408, 0.004414786584675312, 0.026175612583756447, -0.0016876382287591696, -0.03178646042943001, 0.021203499287366867, 0.004875051323324442, 0.004029666539281607, 0.007602199446409941, 0.007996712811291218, 0.004311461467295885, 0.038599636405706406, -0.0285051167011261, 0.011472182348370552, -0.0257247406989336, 0.006418661214411259, -0.025048432871699333, 0.008247196674346924, -0.014465470798313618, -0.03278839960694313, 0.01110271830111742, -0.012029509991407394, 0.024910667911171913, 0.013137903064489365, -0.0145656643435359, -0.020452046766877174, 0.006346646696329117, 0.02980763651430607, -0.0020821511279791594, -0.026350952684879303, 0.03098491206765175, 0.028830746188759804, 0.012386450543999672, 0.016406724229454994, -0.034667033702135086, 0.035218097269535065, 0.03789827972650528, 0.04090409353375435, 0.025674644857645035, -0.03166121989488602, 0.04060351103544235, 0.01358877494931221, 0.05510655418038368, 0.008435060270130634, 0.011929316446185112, -0.019099431112408638, -0.020176513120532036, 0.001277470146305859, 0.009042484685778618, 0.016168763861060143, 0.004881313536316156, -0.002941625425592065, 0.0030809573363512754, -0.004881313536316156, -0.01853584125638008, -0.02180466055870056, 0.0055137863382697105, 0.02169194258749485, -0.00051114457892254, -0.03271325305104256, -0.025399111211299896, -0.04816813766956329, 0.009004911407828331, 0.009211561642587185, -0.0008539950358681381, 0.034416548907756805, -0.0156552717089653, -0.01521692331880331, -0.004233185201883316, 0.011484706774353981, -0.03321422263979912, 0.044210486114025116, 0.027753664180636406, -0.009649909101426601, 0.000929923087824136, -0.0016892037820070982, 0.001424629706889391, 0.023971350863575935, -0.0007749359356239438, -0.0407538004219532, 0.018210211768746376, -0.004004618152976036, -0.003945128060877323, -0.03281344845890999, -0.008735640905797482, 0.03667090833187103, -0.006725504528731108, -0.0024218703620135784, -0.02012641541659832, -0.008278506807982922, -0.01346353255212307, 0.00688831927254796, -0.02025165781378746, 0.004947065841406584, 0.025173675268888474, 0.002259055618196726, 0.008729378692805767, 0.0013541809748858213, -0.02220543660223484, -0.013688968494534492, -0.026225710287690163, 0.00653137918561697, -0.049195121973752975, 0.04729144275188446, -0.02965734526515007, -0.0012978219892829657, -0.006669145543128252, 0.02990783005952835, -0.007815111428499222, 0.02364572137594223, -0.031185299158096313, 0.006387350615113974, 0.0006132952403277159, 0.020677482709288597, 0.03216218948364258, 0.024597560986876488, -0.006215142551809549, 0.013400912284851074, -0.020802723243832588, 0.010269857943058014, -0.000589812349062413, -0.008065595291554928, 0.0072577837854623795, 0.003907555714249611, 0.042933013290166855, -0.0009111367398872972, -0.019149526953697205, 0.007038609590381384, -0.027002211660146713, 0.020314279943704605, 0.011415823362767696, -0.015705367550253868, 0.030083168298006058, 0.010858495719730854, 0.007852683775126934, 0.00559206260368228, 0.022556114941835403, -0.02627580612897873, 0.00415177782997489, 0.03714682534337044, 0.02011389285326004, -0.009361851960420609, 0.012787225656211376, -0.01857341267168522, 0.004543159622699022, 0.01241776067763567, 0.06051701679825783, 0.018974188715219498, -0.04861900955438614, 0.07674840092658997, -0.011566114611923695, 0.023194849491119385, 0.011948103085160255, -0.030408797785639763, -0.005704780574887991, 0.02848006971180439, -0.03251286596059799, 0.03476722538471222, -0.011528541333973408, 0.013275669887661934, -0.024785425513982773, 0.02040194906294346, -0.014240034855902195, -0.0013596602948382497, 0.035067807883024216, -0.014941390603780746, -0.027002211660146713, 0.019174575805664062, 0.008503942750394344, -0.012436547316610813, 0.022956889122724533, 0.02627580612897873, 0.009004911407828331, 0.025536878034472466, -0.0034003248438239098, 0.05555742606520653, -0.023295043036341667, 0.0017893974436447024, 0.007620986085385084, 0.019575349986553192, 0.02375843934714794, 0.005269564222544432, -0.008829573169350624, 0.0026488718576729298, 0.018873995169997215, 6.545860378537327e-05, 0.017183225601911545, -0.0006285591516643763, -0.010420148260891438, -0.04235690087080002, -0.009180250577628613, -0.033765289932489395, 0.021892331540584564, -0.03672100231051445, 0.00011555547098396346, 0.019788263365626335, 0.010626797564327717, -0.0054824757389724255, 0.01709555648267269, -0.01644429750740528, 0.010081994347274303, 0.010990000329911709, -0.012574313208460808, -0.012004462070763111, 0.012317567132413387, 0.04243204742670059, -0.04168059304356575, -0.00561398034915328, 0.0410543829202652, 0.022819122299551964, 0.04320854693651199, 0.007088706828653812, -0.000729926978237927, 0.015868183225393295, 0.0036351538728922606, 0.02350795455276966, 0.009581025689840317, -0.006744290702044964, 0.00394825916737318, 0.0334647074341774, -0.008616660721600056, -0.029607247561216354, -0.0017252108082175255, -0.005501262377947569, -0.010232284665107727, 0.02102815918624401, -0.0035380912013351917, -0.016018472611904144, -0.030083168298006058, -0.06277137249708176, -0.012743390165269375, -0.0022183519322425127, -0.0017001624219119549, -0.03712178021669388, 0.011760239489376545, 0.010175925679504871, 0.012636934407055378, 0.06898338347673416, -0.01534216571599245, 0.04195612668991089, 0.022117767482995987, 0.013576250523328781, 0.004211267922073603, 0.035869356244802475, -0.025111055001616478, 0.0075145298615098, 0.0012383318971842527, -0.007420598529279232, -0.025637071579694748, 0.009756364859640598, -0.02534901537001133, -0.03148588165640831, -0.0022277450188994408, -0.032212287187576294, 0.008134478703141212, -0.020439522340893745, -0.016506917774677277, -0.02219291217625141, -0.019537778571248055, -0.009718792513012886, -0.02051466703414917, 0.002644175197929144, 0.024259407073259354, 0.018360501155257225, -0.001122482935898006, 0.027277743443846703, 0.0006923543405719101, -0.0035255670081824064, -0.024409698322415352, 0.007476957514882088, 0.004051584284752607, 0.030734427273273468, 0.014202461577951908, -0.019637972116470337, 0.011096456088125706, -0.018185162916779518, -0.07083696871995926, -0.021190974861383438, 0.004511849023401737, 0.023057082667946815, 0.0019334260141476989, -0.02795405127108097, 0.013175476342439651, -0.0032015028409659863, -0.026676582172513008, 0.02130369283258915, 0.0033470969647169113, 0.002071192255243659, -0.00607424508780241, -0.02677677571773529, -0.005758008453994989, 0.042532239109277725, -0.034692078828811646, -0.006857008673250675, -0.013939453288912773, 0.003174888901412487, 0.0023623802699148655, -0.006587738171219826, 0.011159077286720276, -0.01214849017560482, 0.0025455469731241465, 0.004590125288814306, 0.0031091368291527033, -0.0184356477111578, -0.002417173935100436, 0.04784250631928444, 0.008297293446958065, 0.013288194313645363, -0.015004011802375317, 0.020827772095799446, -0.014114792458713055, 0.01635662652552128, 0.0002594861143734306, 0.0004453924484550953, -0.04120467230677605, 0.025148626416921616, 0.0002542024594731629, -0.03970176726579666, 0.001555351191200316, -0.008616660721600056, 0.02612551674246788, -0.031936753541231155, -0.019650496542453766, 0.0319117046892643, 0.015442359261214733, -0.00803428515791893, 0.01070820540189743, -0.004349034279584885, 0.011666308157145977, 0.010294905863702297, 0.04934541508555412, -0.0004896185710094869, 0.01450304314494133, 0.00028766560717485845, 0.012229898013174534, 0.030408797785639763, -0.010301168076694012, 0.02393377758562565, 0.008635447360575199, -0.007921567186713219, 0.0029103148262947798, -0.015993425622582436, -0.027102405205368996, -0.010952427983283997, -0.012204849161207676, -0.011898006312549114, 0.03514295071363449, 0.0128623703494668, -0.015329641290009022, -0.0027866382151842117, -0.014164889231324196, 0.01671982929110527, -0.001653196639381349, 0.014039646834135056, -0.01908690668642521, 0.01358877494931221, 0.005898905918002129, 0.03654566407203674, -0.0016923347720876336, -0.014828672632575035, 0.005153715144842863, 0.015868183225393295, -0.0024625740479677916, 0.007915304973721504, 0.04651493951678276, 0.002968239365145564, 0.009161464869976044, -0.002785072661936283, -0.016644684597849846, 0.007113755214959383, -0.06257098913192749, -0.008773214183747768, 0.0056045870296657085, 0.040177688002586365, -0.01997612603008747, 0.00016173851327039301, 0.003816755022853613, 0.02457251399755478, 0.012110917828977108, -0.011872957460582256, 0.014064695686101913, -0.005150584038347006, -0.016243908554315567, -0.014214986003935337, 0.08436312526464462, -1.6560341464355588e-05, 0.018623510375618935, -0.006102424580603838, 0.0460139736533165, -0.021742040291428566, -0.021391361951828003, -0.02194242738187313, -0.04771726578474045, -0.014114792458713055, -0.04170564189553261, 0.019825834780931473, 0.008190837688744068, 0.04077884927392006, 0.01175397727638483, 0.020088844001293182, -0.02953210286796093, 0.009199037216603756, -0.004749809391796589, 0.019537778571248055, -0.007871470414102077, 0.0005655466811731458, 0.03045889548957348, 0.01975069008767605, -0.01516682654619217, -0.029857732355594635, 0.027653470635414124, 0.0258750319480896, 0.019550302997231483, -0.0056640771217644215, 0.017847009003162384, -0.02001369744539261, 0.03594450280070305, 0.01645682007074356, 0.005288350395858288, -0.015968376770615578, 0.01462828554213047, 0.014615761116147041, 0.027102405205368996, -0.009844033978879452, -0.010651846416294575, 0.036144889891147614, 0.008341128006577492, 0.028129391372203827, -0.012361401692032814, 0.003019901691004634, 0.0064030056819319725, 0.005839415825903416, 0.030358701944351196, -0.02365824580192566, 0.016431773081421852, -0.01170388050377369, -7.318839197978377e-05, -0.023357663303613663, -0.007783800829201937, -0.011478444561362267, -0.009048746898770332, 0.027152501046657562, -0.006882057059556246, -0.013338291086256504, 0.002658264944329858, -0.023307567462325096, 0.016907691955566406, -0.010426410473883152, -0.005144321825355291, 0.011991937644779682, 0.004934541415423155, 0.018986713141202927, -0.011935578659176826, -0.019788263365626335, 0.01580556109547615, -0.0018817635718733072, 0.008860883302986622, 0.013563727028667927, 0.013238097541034222, -0.0048218234442174435, -0.014277607202529907, 0.0021839102264493704, 0.007195162586867809, 0.006042934488505125, 0.014027122408151627, -0.019011760130524635, 0.0065063307993113995, 0.02311970479786396, 0.01659458689391613, 0.002414042828604579, 0.037848182022571564, 0.011033834889531136, -0.031160252168774605, -0.01371401734650135, -0.0182853564620018, 0.01986340805888176, 0.032337527722120285, 0.01866108365356922, 0.023169800639152527, -0.010946165770292282, -0.009292968548834324, 0.026501242071390152, 0.009236609563231468, -0.03982700780034065, 0.002226179465651512, -0.006165045779198408, 0.013551202602684498, 0.02271892875432968, -0.0030762606766074896, -0.010570438578724861, 0.026952113956212997, -0.011641259305179119, -0.022894268855452538, -0.008053071796894073, -0.004452358931303024, -0.009487094357609749, -0.009305492974817753, -0.021466506645083427, -0.03504275903105736, 0.015304592438042164, -0.0005585018079727888, 0.0008297293679788709, -0.01778438687324524, -0.03251286596059799, -0.004233185201883316, 0.019650496542453766, -0.05280209705233574, 0.003303262172266841, -0.011741452850401402, 0.02144145965576172, 0.015630222856998444, -0.014102268032729626, 0.02875560149550438, 0.018711179494857788, 0.020865345373749733, 0.035744115710258484, 0.02559949830174446, -0.0023107179440557957, 0.0037572649307549, 0.0027647209353744984, -0.01038883812725544, -0.01358877494931221, 0.03895031288266182, -0.009718792513012886, -0.04168059304356575, 0.0035286981146782637, -0.02928161807358265, 0.016406724229454994, 0.010075732134282589, 0.02677677571773529, -0.04165554419159889, 0.0017643490573391318, 0.0037541340570896864, -0.0010958689963445067, -0.017070507630705833, 0.02940686047077179, 0.007683606818318367, 0.02000117488205433, -0.005347840487957001, -0.03644547238945961, 0.00021878241386730224, 0.0020978061947971582, 0.012724604457616806, -0.01762157306075096, -0.0184356477111578, -0.032613061368465424, -0.0350177101790905, -0.003146709408611059, -0.030534040182828903, 0.01385178416967392, 0.008422535844147205, -0.0182853564620018, 0.007821373641490936, 0.008053071796894073, 0.009555977769196033, -0.012530478648841381, -0.024134166538715363, 0.012762176804244518, 0.0040234047919511795, 0.016794973984360695, -0.008422535844147205, 0.021391361951828003, -0.007671082857996225, -0.021228548139333725, -0.025148626416921616, -0.00855404045432806, -0.011221698485314846, -0.004715367686003447, 0.007370501756668091, 0.03519304841756821, 0.001955343410372734, -0.011904267594218254, 0.016394199803471565, -0.006850746460258961, 0.037447407841682434, -0.010100780986249447, 0.01709555648267269, -0.01697031408548355, 0.02600027434527874, -0.0029666738118976355, -0.0023764700163155794, 0.030934816226363182, 0.0300581194460392, -0.023019511252641678, 0.01581808552145958, -0.012574313208460808, -0.03804856911301613, -0.03216218948364258, -0.01854836568236351, 0.003065302036702633, 0.014240034855902195, -0.020189037546515465, 0.01777186430990696, 0.012123442254960537, -0.008410011418163776, -0.015417310409247875, -0.016932740807533264, 0.006030410528182983, -0.007683606818318367, -0.0005808105343021452, -0.01881137304008007, 0.01644429750740528, 0.031035009771585464, -0.03188665583729744, 7.989080768311396e-05, 0.004164302255958319, 0.008716855198144913, -0.04651493951678276, 0.021591749042272568, 0.00177374214399606, 0.03975186496973038, -0.017421185970306396, -0.0009627991821616888, -0.014916341751813889, 0.05600829795002937, -0.03516799956560135, 0.005072307772934437, 0.05345335602760315, -0.018197687342762947, 0.012048296630382538, -0.027728615328669548, 0.03739731013774872, -0.044235534965991974, 0.0046840570867061615, 0.0018113148398697376, -0.0005217118887230754, 0.0013416566653177142, -0.0042394474148750305, 0.020314279943704605, 0.0032046339474618435, 0.012505430728197098, -0.029957925900816917, -0.0032343789935112, 0.009512142278254032, 0.023858632892370224, 0.0008547778124921024, 0.01605604588985443, 0.0009581025806255639, -0.007201424799859524, -0.022405823692679405, 0.015317116864025593, -0.031936753541231155, 0.004793643951416016, 0.048143088817596436, -0.017734291031956673, 0.006390481721609831, 0.0165820624679327, 0.005078569985926151, 0.006562689784914255, 0.011866695247590542, -0.0041611711494624615, -0.022130291908979416, -0.024409698322415352, 0.04015263915061951, 0.01240523625165224, 0.004007749259471893, 0.0013432222185656428, -0.02990783005952835, 0.023833584040403366, -0.0118165984749794, 0.025975225493311882, -0.004201874602586031, -0.0057548778131604195, 0.023282518610358238, 0.03414101526141167, 0.02549930475652218, -0.023570576682686806, -0.0193624384701252, -0.018335454165935516, 0.008341128006577492, 0.0022527934052050114, 0.050497643649578094, 0.03524314612150192, 0.0040234047919511795, 0.023495430126786232, 0.029306666925549507, -0.004327116999775171, 0.007790063042193651, -0.002166689606383443, 0.012718342244625092, 0.017057983204722404, 0.018736228346824646, 0.03461693599820137, 0.009975538589060307, -0.036520615220069885, -0.021140877157449722, 0.02298193797469139, 0.01699536293745041, 0.04388485476374626, 0.018347976729273796, 0.014665857888758183, 0.0017925285501405597, 0.01710808090865612, 0.010608011856675148, -0.00915520265698433, 0.0165820624679327, -0.02732784114778042, 0.01775933988392353, 0.03619498759508133, 0.026325903832912445, 0.021929902955889702, -0.0013361773453652859, -0.014640809036791325, 0.05405452102422714, 0.03476722538471222, 0.022806597873568535, 0.042406998574733734, 0.0009471438825130463, 0.06432437896728516, 0.022318154573440552, -0.018861470744013786, 0.0011522279819473624, -0.005817498546093702, -0.026701631024479866, 0.05200054869055748, 0.01960039883852005, 0.05630887672305107, -0.03591945394873619, 0.0005322791985236108, -0.014114792458713055, 0.02522377297282219, 0.03759769722819328, 0.0007768928189761937, 0.005895774811506271, -0.017208274453878403, -0.024610085412859917, -0.025925127789378166, 0.0015850962372496724, -0.035869356244802475, 0.006237059831619263, -0.007664820645004511, 0.028830746188759804, 0.005228860303759575, -0.009443259797990322, 0.009768889285624027, 0.0020837164483964443, -0.01195436529815197, 0.01932486705482006, -0.03085966967046261, 0.0102635957300663, 0.02782880887389183, 0.0123551394790411, 0.011384513229131699, -0.020289231091737747, -0.02116592600941658, -0.005397937260568142, -0.006155652459710836, 0.029106279835104942, 0.017546428367495537, -0.006359171122312546, -0.0731414258480072, -0.0013847086811438203, -0.0275783259421587, -0.009167727082967758, 0.0156552717089653, 0.0019271638011559844, 0.035994600504636765, 0.001158490078523755, 0.01605604588985443, 0.0014856852358207107, -0.011653783731162548, -0.0013111289590597153, -0.011804074048995972, -0.03519304841756821, 0.038223911076784134, -0.004875051323324442, 0.0460139736533165, -0.02481047250330448, -0.003124792128801346, -0.0012211111607030034, -0.016757402569055557, -0.010257333517074585, -0.0033251794520765543], "c3d6c75e-a3ef-443a-b724-199be3dc9897": [0.009839161299169064, -0.012624288909137249, 0.04020799696445465, -0.0014480534009635448, 0.0018592852866277099, -0.0002612957323435694, 0.06718359142541885, -0.03765394911170006, 0.004132083151489496, 0.036948543041944504, 0.0016251644119620323, -0.08202139288187027, -0.04181339591741562, 0.012928342446684837, 0.010246592573821545, 0.003001005155965686, -0.051324181258678436, 0.04553500562906265, -0.028337758034467697, 0.012806721031665802, 0.031937748193740845, 0.04952418431639671, 0.006883764639496803, 0.03794584050774574, 0.05759983882308006, -0.011468886397778988, 0.0015749955782666802, 0.03663232922554016, -0.00022689970501232892, -0.03986745700240135, 0.06139442324638367, -0.011183076538145542, 0.0029903631657361984, -0.01590806432068348, 0.004138164222240448, -0.01832832768559456, -0.027705326676368713, -0.008999974466860294, 0.025783712044358253, -0.0240566898137331, -0.0065128193236887455, 0.015397254377603531, -0.012502667494118214, 0.0027912084478884935, -0.004834445659071207, 0.06606467813253403, -0.053513363003730774, -0.008732408285140991, -0.051421478390693665, 0.00710268272086978, -0.048940401524305344, 0.021137777715921402, -0.0015734753105789423, 0.03507557883858681, 0.013755367137491703, -0.008160787634551525, 0.006506738252937794, -0.02914045937359333, 0.021587777882814407, 0.020213456824421883, 0.005077688489109278, -0.00848916545510292, -0.03505125269293785, 0.044513389468193054, 0.001143240020610392, -0.004983432125300169, 0.004852688871324062, 0.017379680648446083, -0.017051303759217262, -0.003514854935929179, 0.02123507484793663, 0.05769713595509529, 0.01557968556880951, -0.0326431505382061, -0.02180669642984867, 0.004329717718064785, 0.033518824726343155, 0.02965126745402813, 0.05993496626615524, 0.03064856305718422, -0.0245674978941679, -0.013305367901921272, -0.028191812336444855, -0.03770259767770767, 0.019921565428376198, -0.026197222992777824, -0.0556538961827755, -0.040353938937187195, -0.029359377920627594, -0.033859364688396454, 0.030453968793153763, 0.051178235560655594, -0.03590260073542595, 0.054243091493844986, -0.014545905403792858, 0.010708753950893879, -0.007066196296364069, 0.004585122223943472, 0.014728336594998837, 0.06640522181987762, 0.025662090629339218, -0.038018811494112015, -0.03502693027257919, 0.0006590352859348059, 0.073216013610363, -0.052589040249586105, -0.018754001706838608, 0.033859364688396454, -0.02355804108083248, -0.02274317853152752, -0.13358882069587708, -0.008531732484698296, -0.028532352298498154, 0.03205936774611473, 0.01572563126683235, -0.009814837016165257, 0.02665938436985016, -0.00957159511744976, -0.011389832943677902, -0.05156742408871651, 0.004469581879675388, -0.01630941405892372, -0.019666161388158798, -0.04006205126643181, 0.005114174913614988, -0.011651318520307541, 0.0030937413685023785, 0.023533716797828674, -0.048089053481817245, -0.01574995554983616, 0.03359179571270943, 0.011590507812798023, 0.008373625576496124, -0.028264785185456276, -0.0239715538918972, 0.013171584345400333, -0.004983432125300169, -0.001638846704736352, -0.04937823861837387, -0.01312293577939272, 0.010951995849609375, -0.01557968556880951, -0.012976991012692451, 0.04519446939229965, 0.022548586130142212, -0.005682754330337048, -0.030843157321214676, -0.023874256759881973, -0.023606689646840096, -0.0383107028901577, -0.018948595970869064, 0.02707289718091488, -0.010842537507414818, 0.009747945703566074, 0.04563230276107788, -0.015251308679580688, -0.021381020545959473, 0.027608031406998634, -0.013414827175438404, 0.042178258299827576, -0.035586386919021606, 0.010915509425103664, -0.03565935790538788, -0.031694505363702774, 0.00882362388074398, -0.010550646111369133, -0.010465511120855808, -0.017039140686392784, -0.051178235560655594, -0.01982426829636097, -0.06742683798074722, -0.016358062624931335, -0.008087814785540104, -0.03621881827712059, 0.033008016645908356, -0.02429993264377117, 0.015445902943611145, -0.04337015002965927, -0.0061540366150438786, 0.01252699177712202, 0.011529697105288506, 0.025953982025384903, -0.040597181767225266, 0.004490865860134363, 0.028459379449486732, -0.008963488042354584, 0.009103353135287762, 0.03821340575814247, -0.04157015308737755, 0.01905805431306362, 0.0021648588590323925, 0.012429694645106792, 0.02556479349732399, -0.07015115767717361, -0.059253886342048645, -0.008762813173234463, 0.03546476364135742, -0.02563776634633541, 0.008598624728620052, 0.03697286918759346, 0.020189132541418076, -0.06956737488508224, 0.010246592573821545, -0.014886444434523582, -0.022366153076291084, -0.017355356365442276, 0.0156404972076416, -0.004372285213321447, -0.0003207761328667402, -0.02789992094039917, 0.05448633432388306, -0.03329990804195404, 0.00990605354309082, 0.04096204787492752, -0.07365384697914124, 0.022767502814531326, -0.043637715280056, -0.023594528436660767, -0.04774851351976395, 0.004524311516433954, 0.020335078239440918, -0.028702622279524803, 0.03437017276883125, -0.008677678182721138, 0.016139144077897072, 0.023789122700691223, -0.02631884440779686, 0.009577675722539425, 0.048016082495450974, -0.05687011033296585, 0.002836816245689988, 0.007291195914149284, 0.002994924085214734, -0.019629674032330513, 0.04169177636504173, -0.0697619691491127, 0.03038099594414234, -0.022171558812260628, -0.045097172260284424, 0.03006478026509285, -0.011085779406130314, 0.027462085708975792, -0.017768869176506996, 0.060664694756269455, 0.006707413587719202, -0.03308098763227463, -0.010836455971002579, -0.03680260106921196, 0.037848543375730515, 0.0031287074089050293, -0.0043418798595666885, 0.012928342446684837, 0.017878327518701553, -0.06037280336022377, -0.01581076718866825, -0.039429619908332825, 0.0186445415019989, 0.017002655193209648, 0.04154583066701889, -0.03636476397514343, 0.00234120967797935, 0.008239842019975185, -0.042007990181446075, -0.034102607518434525, -0.017258059233427048, 0.025005334988236427, -0.01407158188521862, 0.038091786205768585, -0.03480800986289978, -0.0001455654710298404, -0.00407735351473093, 0.018291840329766273, 0.0043418798595666885, 0.01566482149064541, -0.007996599189937115, 0.03356747329235077, -0.016844546422362328, 0.01566482149064541, 0.0028550594579428434, -0.017306707799434662, -0.031086398288607597, -0.02539452351629734, 0.03495395556092262, 0.007649978622794151, 0.03512422740459442, 0.010909428820014, -0.010313484817743301, 0.007047953084111214, -0.01144456211477518, 0.0009691696031950414, 0.0068776835687458515, 0.006409441586583853, -0.06227009370923042, 0.011681724339723587, 0.058086324483156204, 0.026124250143766403, -0.017695896327495575, -0.00566147081553936, -0.0053878226317465305, 0.030916130170226097, 0.029602618888020515, 0.010623618960380554, -0.0391620509326458, -0.022256694734096527, -0.015555361285805702, 0.041351236402988434, 0.045243117958307266, 0.027510734274983406, 0.003545260289683938, -0.03188909962773323, -0.007449303288012743, 0.031208019703626633, 0.03874853998422623, -0.03378638997673988, -0.04011069983243942, -0.04645932838320732, 0.009845242835581303, -0.01087294239550829, -0.026343168690800667, -0.015920225530862808, 0.0017300627660006285, -0.005485119763761759, -0.033689092844724655, -0.02005534991621971, -0.0049955942668020725, -0.06319441646337509, 0.0074371411465108395, 0.046580951660871506, -0.02755938284099102, 0.00912159588187933, -0.006652683950960636, -0.032351259142160416, 0.0221593976020813, 0.02288912422955036, 0.0038097866345196962, 0.02166075073182583, -0.03704584017395973, 0.039916105568408966, 0.01674725115299225, 0.024749930948019028, -0.014290500432252884, -0.04439176619052887, -0.0009410446509718895, -0.002519080648198724, 0.018206706270575523, 0.00484964856877923, -0.03415125608444214, 0.016358062624931335, 0.024421552196145058, 0.05263768881559372, 0.029018837958574295, 0.027340464293956757, -0.03140261396765709, 0.031013427302241325, -0.05010796710848808, 0.014168879017233849, 0.021514805033802986, 0.005460795480757952, -0.031013427302241325, 0.0005077688256278634, -0.024956686422228813, 0.00041313227848149836, 0.07657276093959808, 0.027024248614907265, -0.015871576964855194, 0.055070117115974426, -0.04412420094013214, -0.01690535806119442, -0.005670592188835144, 0.0003597329487092793, -0.006555386818945408, -0.08338355273008347, 0.043418798595666885, -0.0023913783952593803, -0.06202685460448265, 0.015798604115843773, 0.024166148155927658, 0.03862691670656204, -0.007279033772647381, 0.04049988463521004, 0.11704832315444946, 0.01515401154756546, 0.0024187432136386633, -0.014181041158735752, 0.030332347378134727, 0.023752635344862938, -0.034345850348472595, -0.002233270788565278, -0.0036303952801972628, 0.004728027153760195, 0.031791802495718, -0.0016008401289582253, 0.03495395556092262, -0.03687557205557823, 0.017014816403388977, 0.010246592573821545, -0.011395913548767567, 0.03147558867931366, 0.009109433740377426, -0.0383107028901577, 0.03938097134232521, -0.026124250143766403, -0.028337758034467697, 0.014995903708040714, 0.003374990541487932, 0.038602594286203384, -0.04480528086423874, 0.021259399130940437, 0.04979175329208374, 0.00508072879165411, 0.0539512000977993, -0.0477728396654129, 0.0195810254663229, -0.02505398355424404, 0.016467520967125893, -0.06022685766220093, 0.01427833829075098, 0.0553133599460125, 0.03590260073542595, -0.05468092858791351, 0.02755938284099102, -0.024178311228752136, 0.002845937851816416, -0.024214796721935272, -0.03198639675974846, 0.010556726716458797, 0.00875065103173256, -0.011347264982759953, 0.043856631964445114, -0.07530789822340012, -0.028021542355418205, -0.00895132590085268, -0.02481074072420597, 0.04473230615258217, -0.04796743392944336, -0.002000669948756695, 0.0030131672974675894, -0.024713443592190742, 0.011858074925839901, -0.01723373495042324, 0.007017547730356455, 0.013645907863974571, -0.032424233853816986, -0.010155376978218555, -0.016187792643904686, 0.056334976106882095, -0.03658368065953255, 0.010720916092395782, 0.019629674032330513, 0.005217553116381168, -0.04154583066701889, -0.02797289378941059, 0.0061449152417480946, 0.04473230615258217, 0.003298977157101035, -0.016868870705366135, 0.016868870705366135, -0.040937721729278564, 0.026610735803842545, -0.0014260094612836838, 0.03098910301923752, 0.060080911964178085, 0.03483233600854874, 0.033762067556381226, 0.016552656888961792, 0.02374047413468361, 0.008337139151990414, 0.009881729260087013, -0.002692391164600849, -0.03733773157000542, 0.025297226384282112, 0.04655662551522255, 0.028994513675570488, -0.006981061305850744, -0.02724316716194153, -0.037435028702020645, 0.03439449891448021, -0.0023822567891329527, 0.008057409897446632, -0.014363473281264305, 0.01633373834192753, -0.0010573449544608593, -0.012423614040017128, -0.01003375556319952, 0.05638362467288971, 0.007005385588854551, 0.01390131190419197, 0.016285089775919914, -0.0014670566888526082, 0.009972944855690002, -0.008264166302978992, 0.013937798328697681, 0.019009405747056007, -0.010976320132613182, 0.02372831106185913, -0.051664721220731735, -0.07141601294279099, -0.012575640343129635, -0.019593188539147377, -0.01640671119093895, -0.026683708652853966, -0.03395666182041168, 0.01574995554983616, 0.016224278137087822, 0.05618903040885925, 0.003648638492450118, 0.04662960022687912, -0.015056714415550232, -0.010793888941407204, 0.0011554021621122956, -0.0005967044271528721, 0.00407735351473093, 0.036510709673166275, -0.02972424030303955, -0.009066866710782051, -0.0056493086740374565, 0.06407009065151215, 0.014959417283535004, -0.01941075548529625, 0.02106480486690998, -0.03663232922554016, 0.004949986003339291, 0.005448633339256048, 0.008556056767702103, -0.03113504685461521, 0.0006153276772238314, -0.012758072465658188, -0.03522152453660965, -0.02707289718091488, -0.021113453432917595, 0.026610735803842545, -0.039186377078294754, -0.01353644859045744, 0.008318895474076271, 0.010453348979353905, -0.0302350502461195, 0.0031287074089050293, -0.03998907655477524, -0.006865521427243948, -0.01319590862840414, 0.012332397513091564, -0.04748094826936722, 0.03891880810260773, 0.005606741178780794, 0.004855729639530182, -0.030575590208172798, 0.023862095549702644, 0.003685124684125185, -0.00424458272755146, -0.011377670802175999, 0.03419990465044975, 0.0009243217064067721, 0.0011934088543057442, 0.005947280675172806, 0.03113504685461521, 0.02965126745402813, -0.01782967895269394, 0.00539086339995265, -0.013147260062396526, 0.007978355512022972, 0.017014816403388977, -0.02972424030303955, -0.0007829369860701263, 0.0021116493735462427, 0.006895926780998707, 0.005229715257883072, 0.00747362757101655, -0.026781005784869194, 0.0033385041169822216, -0.008854028768837452, 0.024470200762152672, 0.011134427972137928, -0.026270195841789246, -0.10109160840511322, 0.015068876557052135, -0.004691540729254484, -0.021685075014829636, 0.0010573449544608593, 0.05249174311757088, 0.03449179604649544, -0.015895901247859, -0.04864851385354996, -0.0026042156387120485, 0.022293180227279663, -0.030429644510149956, -0.01757427491247654, -0.0007411296828649938, 0.021125616505742073, -0.020614806562662125, 0.016126981005072594, 0.0028961068019270897, 0.0045881629921495914, 0.034516118466854095, 0.06484846770763397, 0.0047097839415073395, 0.023691825568675995, -0.03249720484018326, 0.011900641955435276, 0.015786442905664444, 0.018802650272846222, -0.0013013477437198162, 0.009547270834445953, -0.01680806092917919, 0.011772939935326576, -0.0383107028901577, -0.007279033772647381, 0.00924929790198803, -0.01855940744280815, -0.00616011768579483, 0.008762813173234463, 0.02707289718091488, 0.006099306978285313, 0.028751270845532417, -0.013220232911407948, -0.02189183048903942, 0.008744570426642895, 0.006147955544292927, 0.010806051082909107, 0.02307155728340149, 0.020359402522444725, -0.0011128346668556333, 0.015786442905664444, 0.010641861706972122, -0.0021861426066607237, 0.060421451926231384, -0.0015886779874563217, -0.013183746486902237, 0.03222963958978653, -0.015531037002801895, -0.011900641955435276, 0.011712129227817059, -0.021283723413944244, 0.04237285256385803, -0.016358062624931335, 0.006987142376601696, 0.02315669134259224, 0.018705353140830994, -0.019556701183319092, 0.010605375282466412, -0.009875647723674774, 0.027097221463918686, -0.009407405741512775, 0.045680951327085495, -0.01656481809914112, 0.05147012695670128, -0.012928342446684837, 0.005144580267369747, -0.002157257404178381, -0.010550646111369133, -0.005901672411710024, 0.015202660113573074, -0.04898905009031296, 0.017768869176506996, 0.009857404977083206, 0.03291071951389313, -0.02315669134259224, -0.022597234696149826, -0.0002618658181745559, -0.020383726805448532, 0.019799944013357162, -0.03904043138027191, 0.007570924703031778, 0.007777680642902851, 0.0031226263381540775, -0.015701306983828545, -0.008179031312465668, 0.006172279827296734, 0.0021663790103048086, 0.03412692993879318, -0.01690535806119442, -0.027583707123994827, 0.009936458431184292, 0.0038553946651518345, -0.016516169533133507, -0.0058256592601537704, -0.01024051196873188, -0.00014718074817210436, -0.045267440378665924, -0.026197222992777824, 0.035172875970602036, -0.008477003313601017, -0.028216136619448662, -0.03359179571270943, 0.014083744026720524, 0.02364317700266838, 0.004648973233997822, 0.04699446260929108, 0.013475637882947922, 0.013293205760419369, -0.0035635035019367933, -0.006944574881345034, 0.008276328444480896, -0.010544564574956894, -0.023205339908599854, 0.016528332605957985, 0.002207426121458411, -5.349436105461791e-05, 0.013086449354887009, -0.0137432049959898, -0.08119436353445053, 0.04120529070496559, 0.015628334134817123, 0.0186445415019989, -0.033518824726343155, -0.04220258444547653, -0.002262155758216977, -0.0074371411465108395, -0.015567523427307606, 0.040694478899240494, 0.0015673942398279905, 0.030526941642165184, 0.03979448229074478, -0.024956686422228813, -0.0021374940406531096, 0.01733103208243847, 0.020371563732624054, -0.0026331006083637476, 0.015372930094599724, 0.04796743392944336, -0.026683708652853966, -0.019617512822151184, 0.030672887340188026, 0.0047341082245111465, 0.010526321828365326, 0.0066709271632134914, -0.0027608030941337347, -0.03266747668385506, -0.0009744904818944633, -0.014132392592728138, 0.0030086063779890537, -0.015628334134817123, 0.02099183201789856, -0.0021678993944078684, 0.02965126745402813, -0.00316519383341074, 0.04319987818598747, -0.02996748313307762, 0.00073656887980178, -0.017635084688663483, -0.029189107939600945, 0.01141415722668171, 0.004959107842296362, -0.019009405747056007, 0.0271458700299263, 0.004974310286343098, -0.010793888941407204, 0.012599964626133442, 0.035513412207365036, -0.009018218144774437, 0.01691751927137375, 0.016467520967125893, 0.008890515193343163, -0.022110749036073685, 0.01797562465071678, 0.045340411365032196, 0.026124250143766403, -0.011249968782067299, 0.024762092158198357, 0.0019216162618249655, 0.01824319176375866, 0.009547270834445953, 0.06227009370923042, -0.026829654350876808, -0.0014305702643468976, -0.012204695492982864, 0.010283078998327255, 0.004043907392770052, -0.024543173611164093, 0.012308073230087757, 0.031110722571611404, 0.02063913084566593, 0.002943234983831644, 0.011018888093531132, 0.017598599195480347, 0.0446593351662159, -0.044416092336177826, -0.0074614654295146465, -0.033664770424366, 0.03191342204809189, -0.0073580872267484665, -0.01003375556319952, -0.021466156467795372, -0.04139988496899605, 0.017951300367712975, -0.0036182331386953592, 0.03838367760181427, 0.028848567977547646, -0.021210750564932823, -0.02656208723783493, 0.0021891831420361996, 0.027291815727949142, -0.0030390117317438126, -0.019885079935193062, 0.028289109468460083, 0.01465536467730999, 0.01664995402097702, 0.03570800647139549, -0.01216212846338749, 0.02507830783724785, 0.009237135760486126, 0.057259298861026764, 0.03308098763227463, -0.03291071951389313, 0.019179675728082657, 0.00730943912640214, 0.07516194880008698, 0.0014784586383029819, 0.0001212412171298638, -0.022208046168088913, -0.037775568664073944, -0.006914169993251562, 0.02782694809138775, 0.0030420522671192884, 0.010131052695214748, 0.006342549808323383, 0.002327527152374387, 0.003739854320883751, 0.012758072465658188, -0.027875596657395363, 0.008860110305249691, 0.03278909623622894, -0.007394573651254177, -0.003192558651790023, 0.00045417947694659233, -0.025005334988236427, 0.0012314154300838709, 0.01624860242009163, -0.005372620187699795, 0.030016131699085236, 0.003922286443412304, -0.01448509469628334, -0.010909428820014, -0.019690485671162605, -0.03471071273088455, 0.006269576959311962, 0.004189853090792894, -0.013670232146978378, 0.001388002885505557, -0.009127677418291569, -0.00844659749418497, 0.0009950140956789255, -0.0016996574122458696, -0.03266747668385506, 0.013001315295696259, -0.008343219757080078, -0.010587132535874844, -0.02265804447233677, -0.018218867480754852, 0.025516144931316376, 0.005427349824458361, 0.026513438671827316, -0.026440465822815895, -0.03612152114510536, -0.01012497115880251, 0.004445257596671581, -0.010307403281331062, 0.005205390974879265, 0.028702622279524803, -0.01624860242009163, 0.008841866627335548, -0.011091860942542553, 0.01290401816368103, -0.00397701608017087, -0.010465511120855808, -0.0015521915629506111, -0.030016131699085236, 0.05789173021912575, -0.00965672917664051, -0.014059419743716717, -0.021709399297833443, 0.01647968403995037, 0.0015301477396860719, 0.04731067642569542, -0.041764747351408005, 0.022122910246253014, -0.001367479213513434, 0.030453968793153763, 0.03629178926348686, 0.005156742408871651, -0.013937798328697681, 0.04752959683537483, -0.02855667658150196, -0.006306063383817673, 0.012058749794960022, -0.00407735351473093, -0.017051303759217262, 0.012612126767635345, 0.05307552590966225, -0.0065128193236887455, -0.022499937564134598, -0.0007441702182404697, -0.017197249457240105, 0.03947826847434044, 0.01914319023489952, -0.002893066266551614, 0.021356696262955666, 0.021855343133211136, 0.015239146538078785, 0.0001374890562146902, 0.0319620706140995, -0.03381071612238884, -0.0003623934171628207, 0.019885079935193062, 0.019532376900315285, 0.004943904932588339, 0.019386431202292442, 0.02332696132361889, 0.0021116493735462427, 0.02505398355424404, 0.05988631770014763, 0.020845888182520866, -0.0584268644452095, 0.04731067642569542, -0.019836431369185448, 0.03636476397514343, -0.0012116519501432776, -0.030259374529123306, 0.0010155376512557268, 0.0212229136377573, -0.024445876479148865, 0.01774454489350319, -0.008781056851148605, 0.0015521915629506111, -0.010714834555983543, 0.014132392592728138, -0.006677008233964443, 0.007467546500265598, 0.033518824726343155, 0.003864516271278262, -0.002041717292740941, 0.026197222992777824, 0.006029374897480011, -0.016285089775919914, 0.013998609036207199, 0.024360742419958115, 0.022694529965519905, 0.032764773815870285, -0.011067536659538746, 0.03478368744254112, -0.017683733254671097, -0.022341828793287277, 0.028702622279524803, 0.01924048736691475, 0.01148713007569313, 0.022208046168088913, 0.0021694195456802845, -0.005856064613908529, 0.0005225914646871388, -0.008318895474076271, 0.011742535047233105, -0.002427864819765091, -0.006239171605557203, -0.02807019092142582, -0.029456673189997673, -0.033178284764289856, 0.01132294163107872, -0.025516144931316376, -0.008811461739242077, -0.014497256837785244, -0.0002035256038652733, -0.01003983709961176, 0.019945889711380005, -0.020833725109696388, -0.011146590113639832, 0.027875596657395363, -0.010799969546496868, -0.007418897934257984, -2.9098840968799777e-05, 0.048429593443870544, -0.031037751585245132, 0.0011630035005509853, 0.046751219779253006, 0.018595892935991287, 0.04979175329208374, 0.0063121444545686245, 0.004639851860702038, 0.034759361296892166, -0.01606617122888565, 0.026464790105819702, 0.007570924703031778, 0.014254014007747173, 0.0027151950635015965, 0.020870212465524673, 0.0027364788111299276, -0.027681004256010056, 0.011456724256277084, 0.013718880712985992, -0.019617512822151184, 0.029870186001062393, 0.018206706270575523, -0.010526321828365326, -0.028191812336444855, -0.053659308701753616, -0.016844546422362328, 0.0209675095975399, -0.014010771177709103, -0.03940529376268387, 0.02848370373249054, 0.040256645530462265, 6.451628723880276e-05, 0.049767427146434784, -0.0031955991871654987, 0.03799448907375336, 0.010939833708107471, 0.01641887240111828, -0.015835091471672058, 0.011006725952029228, -0.018218867480754852, -0.0020645211916416883, 0.0026589452754706144, -0.021514805033802986, -0.011645237915217876, 0.005448633339256048, -0.006184441968798637, -0.06893493980169296, 0.01682022213935852, -0.013767529278993607, 0.0015164653304964304, -0.006239171605557203, -0.0245674978941679, -0.019872916862368584, 0.014874282293021679, -0.009468216449022293, -0.012721586041152477, -0.007364168297499418, 0.012843207456171513, 0.030283698812127113, -0.0010398619342595339, 0.017039140686392784, 0.019435079768300056, -0.009510784409940243, -0.014181041158735752, 0.027924245223402977, 0.0019489809637889266, 0.02239047735929489, 0.009747945703566074, -0.02889721654355526, 0.006914169993251562, -0.014691850170493126, -0.049743104726076126, -0.03548908978700638, -0.0012321756221354008, 0.0010550646111369133, -0.013560772873461246, -0.017185086384415627, 0.032180991023778915, -0.006011131685227156, -0.04088907316327095, 0.004281069152057171, 0.016382386907935143, -0.011967534199357033, -0.0035574224311858416, -0.018790487200021744, -0.025662090629339218, 0.0331539623439312, -0.02772965095937252, -0.006585792172700167, -0.023776959627866745, 0.00011440001981100067, -0.00875065103173256, 0.004652014002203941, 0.01053848396986723, -0.004390528425574303, -0.019520215690135956, 0.02106480486690998, -0.0020569199696183205, -0.011310779489576817, -0.006014172453433275, 0.03716746345162392, -0.0017680693417787552, 0.011827669106423855, 0.0029067485593259335, 0.020918861031532288, -0.016297250986099243, 0.00670133251696825, 0.008738488890230656, -0.007279033772647381, -0.03947826847434044, 0.02580803632736206, 0.0008095416706055403, -0.031840451061725616, 0.002505398355424404, 0.01012497115880251, 0.03113504685461521, -0.027948569506406784, -0.021794533357024193, 0.03201071918010712, 0.009255379438400269, 0.008306733332574368, 0.0030207685194909573, 0.0032624907325953245, 0.0209675095975399, 0.005412146914750338, 0.0477728396654129, 0.010799969546496868, 0.04037826508283615, 0.005238836631178856, 0.024506688117980957, 0.021612102165818214, 0.00861686747521162, 0.032424233853816986, 0.010860780254006386, 0.005503362976014614, -0.0024157026782631874, -0.00768038397654891, -0.01024051196873188, -0.0019231365295127034, -0.00811822060495615, -0.0036972868256270885, 0.03531881794333458, 0.0221593976020813, -0.009668891318142414, -0.013110773637890816, -0.038091786205768585, 0.022682368755340576, 0.005235796328634024, 0.008112139068543911, -0.010027674958109856, 0.012940504588186741, -0.0038797189481556416, 0.02522425353527069, -0.019204000011086464, -0.011432399973273277, -0.008397948928177357, 0.013256719335913658, -0.019836431369185448, 0.004490865860134363, 0.049159321933984756, -0.0009646088001318276, -0.003241207217797637, 0.009912134148180485, -0.020687779411673546, 0.01582292839884758, -0.061589017510414124, -0.003028369974344969, 0.008233760483562946, 0.02639181725680828, -0.03337287902832031, 0.0049256617203354836, 0.0062330905348062515, 0.0321323424577713, 0.01273374818265438, -0.0036182331386953592, 0.02247561328113079, -0.010617537423968315, -0.013414827175438404, -0.018352651968598366, 0.0900483950972557, -0.012149966321885586, 0.03373774141073227, -0.025881009176373482, 0.033932335674762726, -0.028945865109562874, -0.016212116926908493, -0.02063913084566593, -0.061832260340452194, -0.02166075073182583, -0.012435776181519032, 0.026367492973804474, 0.008221598342061043, 0.03205936774611473, -0.0034205985721200705, 0.021502641960978508, -0.026756681501865387, -0.005965523887425661, -0.00774727575480938, 0.00710268272086978, 0.010343889705836773, -0.024616146460175514, 0.01639454811811447, 0.018437786027789116, 0.0071817366406321526, -0.013341854326426983, 0.019447242841124535, 0.030162077397108078, -0.011310779489576817, -0.026464790105819702, -0.003980056382715702, -0.017695896327495575, 0.022791827097535133, 0.009559432975947857, 0.008008761331439018, -0.016029683873057365, -0.004393568728119135, 0.02164858765900135, 0.007443222217261791, -0.01194929052144289, 0.013463475741446018, 0.025759387761354446, -0.001252699177712202, 0.023181015625596046, -0.021271562203764915, -0.0051962691359221935, -0.0063121444545686245, -0.013998609036207199, 0.019885079935193062, -0.005345255136489868, 0.014108068309724331, -0.023253988474607468, -0.0035330981481820345, -0.020371563732624054, 0.0004024904337711632, -0.0045425547286868095, -0.022098585963249207, 0.02507830783724785, 0.009741864167153835, -0.02023778110742569, 0.026099925860762596, -0.012794558890163898, 0.02807019092142582, -0.008866190910339355, -0.027413437142968178, 0.010830375365912914, 0.010051999241113663, 0.02166075073182583, -0.010933753103017807, -0.01791481487452984, 0.009018218144774437, 0.004755392204970121, 0.006299982313066721, 0.022439125925302505, 0.020541833713650703, -0.013937798328697681, -0.02656208723783493, -0.006062821019440889, 0.018048597499728203, 0.015543199144303799, 0.02016480825841427, -0.0047249868512153625, 0.007966194301843643, 0.02231750451028347, 0.014363473281264305, 0.002316885394975543, 0.020456699654459953, 0.011626994237303734, -0.01087294239550829, -0.003864516271278262, -0.03186477720737457, 0.015275632962584496, 0.04188637062907219, 0.013925636187195778, 0.023703986778855324, -0.005910794250667095, -0.02056615799665451, 0.028678297996520996, -0.002803370589390397, -0.029018837958574295, -0.006579711101949215, -0.0020295551512390375, 0.028289109468460083, -0.006318225525319576, -0.0271458700299263, -0.01632157526910305, 0.019276972860097885, 0.0013408745871856809, -0.0164918452501297, 0.004241541959345341, -0.006385117303580046, 0.009066866710782051, -0.02180669642984867, -0.005740524269640446, -0.029870186001062393, 0.005901672411710024, 0.010848618112504482, 0.007254709489643574, -0.00986348558217287, -0.04147285595536232, 0.0015096241841092706, 0.001121956272982061, -0.04745662212371826, -0.01027699839323759, -0.025856684893369675, 0.01498374156653881, 0.01286753173917532, -0.019690485671162605, 0.03553773835301399, 0.026026953011751175, 0.008397948928177357, 0.04147285595536232, 0.01003983709961176, 0.012599964626133442, 0.013281043618917465, 0.016516169533133507, 0.0014092866331338882, 0.002845937851816416, 0.02940802462399006, -0.006014172453433275, -0.03412692993879318, 0.0067743053659796715, -0.025005334988236427, -0.004728027153760195, 0.01948372833430767, 0.01191280409693718, -0.05312417447566986, -0.005211472045630217, -0.0040378263220191, 0.016126981005072594, -0.022366153076291084, 0.017172925174236298, 0.013001315295696259, 0.015518875792622566, -0.009924296289682388, -0.0316215343773365, -0.0014814991736784577, 0.015239146538078785, 0.032180991023778915, -0.02023778110742569, -0.026172898709774017, -0.021040480583906174, -0.018778325989842415, -0.005250998772680759, -0.013755367137491703, -0.0004442977369762957, 0.014181041158735752, -0.023849932476878166, 0.004116880241781473, -0.014436446130275726, 0.01266077533364296, -0.006196604110300541, -0.02048102393746376, 0.014922930859029293, -0.007832410745322704, -0.009681053459644318, -0.006829035002738237, 0.04507284611463547, -0.005834781099110842, -0.019775619730353355, -0.014764823019504547, -0.004442217294126749, -0.010617537423968315, -0.0082884905859828, 0.02388641983270645, 0.03149991109967232, -0.017768869176506996, 0.003274652874097228, 0.01666211523115635, -0.007960112765431404, 0.0314512625336647, -0.014606716111302376, 0.014497256837785244, -0.02381344698369503, 0.020882373675704002, -0.026197222992777824, -0.02631884440779686, 0.032935041934251785, 0.027705326676368713, -0.013876987621188164, 0.03378638997673988, -0.018875623121857643, -0.04354041814804077, -0.022962097078561783, -0.009316190145909786, 0.013767529278993607, 0.013767529278993607, -0.01740400493144989, 0.020201293751597404, 0.011499292217195034, -0.024932362139225006, 0.006786467507481575, -0.008185111917555332, 0.018863460049033165, -0.008008761331439018, -0.014375635422766209, -0.0004412572016008198, 0.006944574881345034, 0.025443172082304955, -0.03507557883858681, 0.0063911983743309975, 0.011547940783202648, 0.025759387761354446, -0.06582143902778625, 0.031426940113306046, 0.003812827169895172, 0.028872892260551453, -0.04054853320121765, -0.001932258135639131, -0.0059624831192195415, 0.06076199188828468, -0.010757402516901493, -0.0094925407320261, 0.06246468797326088, -0.008774975314736366, 0.006360793020576239, -0.008592543192207813, 0.032448556274175644, -0.04045123606920242, 0.010891186073422432, 0.003326341975480318, -0.016516169533133507, 0.005856064613908529, -0.02332696132361889, 0.028678297996520996, 0.022463450208306313, -0.009845242835581303, -0.006488495506346226, -0.017793193459510803, -0.014886444434523582, 0.03261882811784744, -0.010520240291953087, 0.017513465136289597, -0.00262397900223732, -0.010568888857960701, -0.0034205985721200705, 0.026343168690800667, -0.03724043443799019, 0.009425649419426918, 0.04115664213895798, 0.008817542344331741, -0.01044726837426424, 0.016966167837381363, 0.0149472551420331, 0.0013925636885687709, 0.012879693880677223, 0.019374269992113113, -0.02291344851255417, -0.030040455982089043, 0.02415398694574833, -0.0042385016568005085, -0.00239289877936244, -0.011900641955435276, -0.013439151458442211, 0.020468860864639282, -0.013621583580970764, 0.03556206077337265, 0.007096601650118828, 0.006482414435595274, 0.019118865951895714, 0.02507830783724785, 0.017221573740243912, -0.020031025633215904, -0.012575640343129635, -0.023667501285672188, 0.012685099616646767, 0.00824592262506485, 0.04755391925573349, 0.03412692993879318, 0.011590507812798023, 0.017951300367712975, 0.021672911942005157, -0.0026026954874396324, 0.008562138304114342, -0.01219253335148096, 0.011097941547632217, 0.01066618598997593, 0.02281615138053894, 0.026172898709774017, 0.01169388648122549, -0.029189107939600945, -0.02348507009446621, 0.02232966758310795, 0.009425649419426918, 0.05030256137251854, 0.024166148155927658, 0.0053634983487427235, 0.024786416441202164, 0.0124540189281106, 0.0028018502052873373, -0.0016418872401118279, 0.013585097156465054, -0.022621558979153633, 0.013694556429982185, 0.016455359756946564, 0.003812827169895172, 0.0019444201607257128, 0.010544564574956894, 0.004253704100847244, 0.053172823041677475, 0.027997218072414398, 0.02321750298142433, 0.02921343222260475, -0.0024673917796462774, 0.04789445921778679, 0.016844546422362328, -0.018924271687865257, -0.0003298977098893374, 0.008927001617848873, -0.04607013985514641, 0.05555659905076027, 0.038335029035806656, 0.06514035910367966, -0.013804015703499317, 0.01381617784500122, -0.0025129998102784157, 0.015628334134817123, 0.03113504685461521, -0.00551856542006135, -0.0023290475364774466, 0.0024339458905160427, -0.013074287213385105, -0.01672292686998844, -0.003542219754308462, -0.022037776187062263, -0.006239171605557203, -0.004265866242349148, 0.044999875128269196, -0.004569919779896736, -0.0014047258300706744, 0.020882373675704002, 0.0015704347752034664, -0.01765940897166729, 0.028629649430513382, -0.027997218072414398, 0.004895256366580725, 0.022694529965519905, 0.01814589463174343, 0.013694556429982185, -0.025759387761354446, -0.01607833243906498, -0.0057709296233952045, -0.009072947315871716, 0.020116159692406654, -0.0009592878632247448, -0.017099952325224876, -0.0591079406440258, 0.011158752255141735, -0.0038006650283932686, 0.005515525117516518, 0.014399959705770016, 0.000738469185307622, 0.028459379449486732, -0.012989153154194355, 0.013633745722472668, 0.013256719335913658, -0.032180991023778915, 0.00949862226843834, -0.018085084855556488, -0.030113428831100464, 0.03986745700240135, -0.03347017616033554, 0.026440465822815895, -0.017768869176506996, -0.01424185186624527, 0.012989153154194355, 0.0036182331386953592, -0.011012806557118893, 0.004721946083009243], "f082491a-5cfc-49c0-9c75-1b8f8cbe283f": [0.015819786116480827, -8.521872950950637e-05, 0.034786518663167953, 0.04014483466744423, -0.007342875469475985, 0.003529683453962207, 0.058119285851716995, -0.020129118114709854, 0.003664350137114525, 0.07008334994316101, -0.0005005700513720512, -0.04575830698013306, -0.02596939727663994, -0.0016851049149408937, 0.011864839121699333, 0.04139227047562599, -0.04930216446518898, 0.04125051572918892, -0.0245943795889616, 0.025941045954823494, 0.03764995560050011, 0.0591399148106575, 0.020001539960503578, 0.03742314875125885, 0.02377220429480076, 0.030278729274868965, -0.02423999458551407, -0.0011960524134337902, 0.013119365088641644, -0.025813467800617218, 0.036090657114982605, -0.00626908615231514, 0.03353907912969589, -0.021589187905192375, 0.0028687536250799894, -0.01983143389225006, 0.016783716157078743, -0.01371473353356123, 0.04045669361948967, -0.007073542103171349, -0.0031469466630369425, -0.031157607212662697, -0.006740419659763575, -0.0017630697693675756, 0.005691437516361475, 0.018924206495285034, -0.04570160433650017, -0.003993928898125887, -0.044822726398706436, 0.010709541849792004, -0.05054960399866104, 0.022950029000639915, -0.008349331095814705, 0.026678169146180153, 0.0031575781758874655, -0.05766567215323448, 0.00055107002845034, -0.0018002802971750498, 0.009447927586734295, -0.003962034359574318, 0.03654427081346512, -0.02490624040365219, -0.06288222968578339, 0.04757276177406311, 0.007126700133085251, -0.004086069297045469, 0.027202660217881203, 0.007140875793993473, -0.009504629299044609, 0.012949259951710701, 0.026423010975122452, 0.023531222715973854, 0.004387297201901674, -0.011007225140929222, -0.03005192242562771, -0.0030299993231892586, 0.016783716157078743, 0.010263015516102314, 0.011942804791033268, -0.0033099642023444176, 0.01623087376356125, -0.011630944907665253, -0.06067086383700371, 0.005305156577378511, 0.03489992022514343, 0.039492763578891754, -0.08045977354049683, -0.03804687038064003, -0.015238593332469463, -0.06061416119337082, -0.012786243110895157, 0.057552266865968704, -0.0162166990339756, 0.03104420378804207, -0.010603225789964199, 0.007966594770550728, -0.008576138876378536, 0.01601824164390564, -0.0009249471477232873, 0.05318623408675194, 0.031015852466225624, -0.032518450170755386, 0.02611115202307701, -0.03580715134739876, 0.06078426539897919, -0.051059916615486145, -0.01559297926723957, 0.013594242744147778, 0.01779017224907875, 0.0013014822034165263, -0.10858383774757385, 0.00493305129930377, -0.05012433975934982, 0.026295432820916176, 0.01674119010567665, 0.02402736246585846, -0.017208978533744812, -0.049585673958063126, 0.018300486728549004, -0.03025037981569767, -0.007555507123470306, -0.013076839037239552, -0.01842806674540043, -0.052675917744636536, -0.03679943084716797, -0.0055815777741372585, 0.014281751587986946, 0.023828906938433647, -0.04428406059741974, -0.05029444396495819, 0.011630944907665253, 0.01747831143438816, 0.02082371525466442, -0.05290272459387779, -0.03589220345020294, -0.002301736269146204, -0.01825796067714691, -0.01796027645468712, -0.06554721295833588, -0.031327713280916214, 0.007831928320229053, -0.010177962481975555, -0.042412903159856796, 0.014543997123837471, -0.01810203120112419, -0.03631746396422386, -0.03895409777760506, 0.010333891957998276, -0.036289114505052567, -0.009228208102285862, 0.020922942087054253, 0.0811401903629303, -0.02956995740532875, -0.004649542737752199, 0.00773270009085536, -0.03929430618882179, 0.055085740983486176, 0.008639927953481674, -0.06316573917865753, 0.03773500770330429, -0.02323353849351406, -0.0037068764213472605, -0.012212137691676617, -0.024197468534111977, 0.011418312788009644, -0.029541607946157455, -0.00878877006471157, -0.0387272909283638, -0.04303662106394768, -0.038557182997465134, -0.05505739152431488, -0.02428252063691616, -0.007675998378545046, -0.005716244224458933, 0.023828906938433647, 0.005351226776838303, -0.013020137324929237, -0.044142305850982666, -0.035722095519304276, -0.01316189207136631, 0.00038362271152436733, 0.030505536124110222, -0.01769094355404377, -0.025459082797169685, -0.0002301293279742822, -0.016769539564847946, 0.028761958703398705, 0.0319230817258358, -0.03342567756772041, 0.0013652716297656298, -0.020540205761790276, 0.00639666523784399, 0.0217167679220438, -0.0586296021938324, -0.03376588597893715, -0.04998258501291275, 0.04771451652050018, -0.03217823803424835, -0.004947226960211992, 0.012148347683250904, 0.03705458715558052, -0.06322244554758072, 0.03178132697939873, -0.027542870491743088, -0.017237329855561256, 0.004560946486890316, 0.01638680323958397, 0.02962666004896164, -0.03149781748652458, -0.026564765721559525, 0.05573781207203865, -0.013672207482159138, -0.004036455415189266, 0.07099057734012604, -0.04275311157107353, 0.03954946622252464, -0.02968336082994938, -0.038443781435489655, -0.031582869589328766, 0.0020837890915572643, -0.022312134504318237, 0.06344924867153168, 0.07994945347309113, -0.0044652619399130344, -0.007839015685021877, 0.012311365455389023, 0.02082371525466442, 0.014069119468331337, 0.010107085108757019, 0.015734734013676643, -0.009809400886297226, 0.013452487997710705, 0.0016390347154811025, -0.031015852466225624, 0.04768616333603859, -0.04428406059741974, 0.03249009698629379, 0.022482240572571754, -0.004479437600821257, 0.013069751672446728, -0.026990028098225594, 0.040825255215168, 0.01942034624516964, 0.05562440678477287, 0.024849537760019302, 0.0023602100554853678, 0.009908629581332207, -0.06310904026031494, 0.011234032921493053, -0.007860278710722923, 0.016996346414089203, -0.012304278090596199, 0.03214988857507706, -0.06463998556137085, -0.03495662286877632, -0.03172462433576584, 0.004642454907298088, 0.005574489943683147, 0.00971017312258482, -0.02606862597167492, -0.00212631537579, 0.014926733449101448, -0.030222028493881226, -0.03149781748652458, -0.03668602555990219, -0.0016656136140227318, 0.014069119468331337, 0.04161907732486725, -0.03580715134739876, -0.06418637186288834, 0.00376712204888463, 0.00845564715564251, 0.014926733449101448, 0.013388698920607567, -0.02643718756735325, 0.041108760982751846, -0.01784687303006649, -0.009199857711791992, 0.019647153094410896, -0.01727985590696335, -0.03334062546491623, -0.02307760901749134, 0.014154172502458096, 0.013955716043710709, 0.014870031736791134, 0.007761050947010517, -0.002138718729838729, 0.0009630436543375254, -0.02082371525466442, 0.01827213540673256, 0.044312410056591034, -0.05003928765654564, -0.02406988851726055, 0.016670312732458115, 0.01308392733335495, -0.001748894341289997, 0.013303645886480808, -0.03067564219236374, -0.028138238936662674, -0.008866734802722931, 0.011687646619975567, 0.01586231216788292, -0.05097486451268196, -0.017648417502641678, -0.014955084770917892, 0.020270872861146927, 0.04527634009718895, 0.02151831053197384, 0.009093541651964188, -0.03129936009645462, -0.0027021924033761024, 0.005305156577378511, 0.04836658388376236, -0.03217823803424835, -0.03946441039443016, -0.0665111392736435, 0.017804346978664398, 0.012920909561216831, 0.017662592232227325, 0.03328392282128334, 0.00902975257486105, -0.038755640387535095, -0.03790511563420296, -0.02313430979847908, -0.03005192242562771, -0.04167577996850014, 0.0003149604599457234, 0.051116619259119034, 0.00039624772034585476, 0.014884207397699356, -0.017024697735905647, -0.05349809303879738, 0.01048982236534357, 0.024154942482709885, 0.012368067167699337, 0.004514876287430525, -0.0345597118139267, 0.037508200854063034, -0.01963297836482525, 0.004667262081056833, -0.0014644996263086796, -0.0334823802113533, 0.02287915349006653, -0.021390732377767563, 0.003402104601264, -0.04621192067861557, -0.022524766623973846, 0.030278729274868965, 9.645940735936165e-05, 0.05709865316748619, -0.025501608848571777, 0.046041812747716904, -0.03359578177332878, 0.009894453920423985, 0.001353754079900682, 0.036090657114982605, 0.0020040522795170546, -0.020497679710388184, -0.027231011539697647, 0.034417957067489624, -0.02595522254705429, -0.039180904626846313, 0.009958242997527122, 0.006885717622935772, -0.005776490084826946, 0.0497274287045002, -0.06917612254619598, -0.04615521803498268, -0.008491085842251778, 0.01101431343704462, -0.013629681430757046, -0.07218131422996521, 0.030392132699489594, 0.007746875286102295, -0.05987703800201416, -0.007491717580705881, 0.023205187171697617, 0.030080273747444153, 0.006159226875752211, 0.004068349953740835, 0.09361457824707031, -0.01779017224907875, -0.031100904569029808, -0.040371641516685486, 0.027982309460639954, 0.03382258862257004, -0.01905178464949131, -0.026607291772961617, -0.015210242010653019, 0.017180627211928368, 0.05664503946900368, -0.001141122542321682, 0.014090382494032383, -0.05434861779212952, 0.017563365399837494, 0.009540067985653877, -0.01947704888880253, 0.06526370346546173, 0.06821219623088837, -0.04113711416721344, 0.05375324934720993, -0.04819647967815399, -0.030760694295167923, 0.03025037981569767, 0.029740063473582268, 0.01263740099966526, -0.02114974893629551, 0.017832698300480843, 0.01774764433503151, -0.012630312703549862, 0.06617093086242676, -0.029343150556087494, 0.03515508025884628, 0.0008881796384230256, 0.009965331293642521, -0.05088981240987778, 0.030590590089559555, 0.04201599210500717, 0.030959151685237885, -0.02956995740532875, -0.002978613367304206, -0.01109227817505598, -0.005298069212585688, -0.035608693957328796, -0.023786380887031555, 0.0014441225212067366, -0.005907612852752209, -0.01611747033894062, 0.10194972902536392, -0.044567570090293884, -0.025770941749215126, 0.01674119010567665, -0.01117733120918274, 0.05845949426293373, -0.027670450508594513, -0.014855856075882912, -0.015947364270687103, -0.0056028407998383045, -0.004674349911510944, -0.01104266382753849, -0.03302876278758049, 0.0008908375166356564, 0.0047629461623728275, 0.010348067618906498, -0.02334694191813469, 0.023999013006687164, -0.006800665054470301, 0.01384231261909008, 0.01946287229657173, 0.039180904626846313, -0.04263971000909805, 0.0004268134944140911, 0.03804687038064003, 0.03654427081346512, -0.018456416204571724, -0.002030631061643362, 0.002879385370761156, -0.04280981421470642, 0.014728276990354061, -0.005698524881154299, -0.011949892155826092, 0.035098377615213394, 0.04269641265273094, 0.04453921690583229, 0.003696244675666094, 0.036090657114982605, -0.0319230817258358, 0.005432735662907362, 0.018697399646043777, -0.0355803444981575, -0.00579420942813158, 0.033312272280454636, 0.04941556602716446, 0.038018517196178436, -0.0403149388730526, -0.06316573917865753, 0.029484905302524567, -0.011106453835964203, -0.025529958307743073, -0.018243785947561264, -0.008143787272274494, -0.0007743331370875239, -0.018172908574342728, -0.026933327317237854, 0.04034328833222389, -0.015408698469400406, 0.017123926430940628, -0.01627339981496334, 0.005528419744223356, 0.01028427854180336, -0.034928273409605026, 0.005478805862367153, 0.03816027194261551, -0.01627339981496334, 0.05633318051695824, -0.027599573135375977, -0.030165325850248337, -0.04164743050932884, 0.0015991663094609976, -0.03206483647227287, -0.04955732077360153, 0.014019506052136421, -0.016812065616250038, 0.017761820927262306, 0.03438960760831833, 0.01654273271560669, 0.054093461483716965, -0.0012226313119754195, -0.013211505487561226, -0.03379423916339874, 0.024353398010134697, -0.0025852450635284185, 0.014217961579561234, -0.037876762449741364, -0.022269608452916145, 0.013495014049112797, 0.05227900668978691, 0.027075082063674927, -0.02365880087018013, -0.016344277188181877, -0.007038103882223368, 0.022751573473215103, 0.0012846487807109952, 0.04340518265962601, -0.03631746396422386, -0.01153880450874567, -0.02056855708360672, -0.01784687303006649, -0.02533150278031826, -0.03538188710808754, 0.0076263840310275555, -0.02119227685034275, 0.01416125986725092, 0.0009648155537433922, 0.007321612443774939, -0.06985654681921005, -0.010447296313941479, -0.023517047986388206, -0.0015610698610544205, 0.005925332196056843, -0.0075838579796254635, -0.033935993909835815, 0.03217823803424835, -0.004635367542505264, 0.015876486897468567, -0.013452487997710705, 0.009036839939653873, 0.01611747033894062, -0.004571577999740839, -0.015295295044779778, 0.003612964181229472, -0.02256729267537594, 0.01638680323958397, -0.009128980338573456, 0.03784841299057007, 0.02663564309477806, -0.019916485995054245, -5.623107426799834e-05, -0.019377820193767548, -0.01968967914581299, 0.027968134731054306, -0.01282168086618185, 0.028818659484386444, -0.006719156168401241, -0.0026330871041864157, 0.018172908574342728, 0.01973220519721508, 0.0022308591287583113, -0.000734464731067419, -0.005007472354918718, 0.025785116478800774, -0.00805873516947031, -0.055085740983486176, -0.07609374076128006, 0.018853329122066498, -0.018243785947561264, -0.01576308347284794, -0.013041400350630283, 0.02612532675266266, 0.015394522808492184, -0.0013502101646736264, -0.027868906036019325, 0.017492488026618958, 0.023120135068893433, -0.025813467800617218, -0.010688277892768383, 0.04051339626312256, 0.013580067083239555, -0.006963682826608419, 0.014671575278043747, 0.0075838579796254635, -0.014147084206342697, 0.029853466898202896, 0.058799706399440765, 0.019065961241722107, 0.01428883895277977, -0.018853329122066498, 0.00643919175490737, 0.02183017134666443, -0.007718524429947138, 0.015507926233112812, -0.006584489718079567, -0.008271366357803345, 0.0005661314353346825, 0.0017923066625371575, 0.0030034203082323074, 0.007300349418073893, -0.008002033457159996, -0.008845471777021885, -0.01101431343704462, 0.0027571222744882107, -0.016727013513445854, 0.010036208666861057, 0.007140875793993473, -0.023332767188549042, 0.04873514547944069, 0.020540205761790276, 0.0036785255651921034, 0.029966870322823524, 0.002918367739766836, 0.013339084573090076, 0.03952111303806305, -0.005648910999298096, 0.01449438277631998, 0.05542595311999321, 0.029910169541835785, -0.002129859058186412, -0.018910031765699387, -0.0024682977236807346, -0.005092525389045477, 0.0020040522795170546, -0.023928135633468628, 0.01117024291306734, 0.003830911358818412, 0.03223494067788124, 0.021645890548825264, 0.007413752842694521, -0.006137963384389877, -0.02449515275657177, -0.017620066180825233, 0.03458806127309799, 0.007371226325631142, 0.03898244723677635, -0.002514367923140526, 0.037026237696409225, -0.035722095519304276, 0.004047086928039789, 0.00216529774479568, 0.01685459353029728, -0.01858399622142315, 0.011212768964469433, -0.04003142938017845, 0.02533150278031826, -0.018966732546687126, 0.041052062064409256, -0.019292768090963364, 0.016939645633101463, 0.04516293853521347, -0.02492041513323784, 0.02313430979847908, -0.03328392282128334, 0.0038734376430511475, 0.009859015233814716, -0.0033719816710799932, -0.04127886891365051, 0.010865471325814724, 0.013154803775250912, -0.007009753026068211, 0.02533150278031826, -0.02307760901749134, -0.0314127653837204, -0.017194803804159164, 0.017081400379538536, -0.009469190612435341, -0.0015220873756334186, 0.020710311830043793, 0.0172656811773777, -0.056503284722566605, -0.039180904626846313, 0.02183017134666443, 0.00489406893029809, -0.009773963131010532, -0.037706658244132996, 0.012467295862734318, 0.004387297201901674, 0.028081538155674934, 0.050946515053510666, 0.028237467631697655, -0.015777260065078735, 0.00871080532670021, -0.0023548942990601063, 0.019278591498732567, -0.004107332322746515, -0.01109227817505598, -0.0067545948550105095, 0.010766243562102318, -0.006322244182229042, 0.006382489576935768, 0.030108625069260597, -0.08045977354049683, -0.010043296031653881, -0.005617016460746527, -0.0030707537662237883, -0.019221890717744827, -0.026706520467996597, -0.025104695931077003, -0.0078531913459301, 0.02842174842953682, 0.0450211837887764, 0.013495014049112797, -0.0015141137409955263, 0.004511332139372826, 0.014643224887549877, 0.007186945527791977, 0.00014341554197017103, 0.012523997575044632, 0.0016027101082727313, 0.02177346870303154, 0.020242521539330482, -0.0026862449012696743, 0.023999013006687164, 0.04181753471493721, -0.010206313803792, -0.006779402028769255, -0.007194033358246088, -0.002831543330103159, -0.020540205761790276, 0.009015576913952827, -0.00655613886192441, -0.003721051849424839, -0.029173046350479126, -0.005078349728137255, -0.0026153677608817816, 0.02370132878422737, -0.004082525614649057, 0.03728139400482178, 0.0008452103356830776, -0.005287437234073877, 0.0058934371918439865, -0.01794610172510147, 0.01617417111992836, -0.03617571294307709, -0.0034907010849565268, 0.01747831143438816, 0.008044559508562088, -0.02455185353755951, -0.0064321039244532585, 0.03937935829162598, -0.008306805044412613, 0.015167715959250927, -0.007006208878010511, 0.014104558154940605, -0.015479575842618942, 0.025416554883122444, 0.047232549637556076, -0.019562100991606712, -0.007066454738378525, 0.04731760174036026, -0.010659927502274513, 0.01889585517346859, 0.005184665322303772, 0.05500068888068199, -0.006676630116999149, 6.22943916823715e-05, -0.003830911358818412, 0.014508558437228203, -0.003887613071128726, -0.035665396600961685, 0.01068119052797556, 0.013282382860779762, 0.004950770642608404, 0.01732238195836544, 0.02842174842953682, -0.018442241474986076, 0.03903914988040924, -0.029966870322823524, -0.011021400801837444, -0.028223291039466858, 0.0006215042667463422, -0.012750804424285889, -0.020526031032204628, -0.008413121104240417, -0.03444630652666092, -0.01263740099966526, -0.004844455048441887, 0.015777260065078735, 0.022794099524617195, -0.028747782111167908, -0.012573610991239548, -0.03623241186141968, 0.0471191480755806, -0.0037104201037436724, -0.007243647705763578, -0.009277822449803352, 0.010050383396446705, 0.0235453974455595, 0.03685613349080086, -0.05828939005732536, 0.02449515275657177, 0.01654273271560669, 0.011269471608102322, -0.0024895607493817806, -0.0201574694365263, -0.02188687212765217, -0.01156715489923954, 0.04635367542505264, 0.0013794470578432083, 0.01065284013748169, -0.00041485298424959183, -0.026153678074479103, -0.026621468365192413, 0.005227191839367151, 0.011652207933366299, -0.001779017155058682, 0.002369069727137685, -0.01915101334452629, 0.01837136410176754, -0.008391858078539371, -0.0201574694365263, -0.03742314875125885, 0.0282658189535141, -0.01796027645468712, 0.019533749669790268, -0.022439714521169662, -0.012708277441561222, -0.016514381393790245, 0.02820911630988121, -0.013105190359055996, 0.0059147002175450325, 0.005464630201458931, 0.003412736114114523, -0.003986841067671776, -0.028336694464087486, -0.03903914988040924, -0.0027659819461405277, 0.0047345953062176704, -0.045361392199993134, 0.017563365399837494, -0.012438944540917873, 0.021575013175606728, 0.0020820170175284147, 0.009922805242240429, -0.029116343706846237, 0.008887997828423977, 0.028081538155674934, 0.010213401168584824, -0.0058331917971372604, -0.05049290135502815, 0.01915101334452629, 0.008561963215470314, 0.02956995740532875, -0.027868906036019325, -0.01298469863831997, -0.03396434336900711, 0.010418944992125034, -0.010135436430573463, -0.0007132015889510512, 0.02255311794579029, -0.001883561024442315, 0.013821049593389034, -0.02538820542395115, 0.014232137240469456, -0.001769271562807262, -0.021220626309514046, 0.01584813743829727, -0.011007225140929222, 0.03892574459314346, 0.0015061399899423122, -0.03396434336900711, -0.03229164332151413, -0.003993928898125887, -0.0007765480550006032, 0.044142305850982666, 0.005489437375217676, 0.004373122006654739, 0.0035438588820397854, 0.04161907732486725, 0.00029458326753228903, 0.01421087421476841, 0.024736134335398674, 0.052675917744636536, -0.01946287229657173, -0.000928491004742682, -0.0012226313119754195, -0.003239087061956525, 0.024452626705169678, 0.0025055082514882088, 0.04212939366698265, -0.011758523993194103, 0.001354640000499785, -0.002680929144844413, -0.01763424091041088, 0.02501964382827282, 0.02784055471420288, -0.0293148010969162, 0.025133047252893448, 0.013927365653216839, 0.03019367717206478, -0.006917612627148628, 0.016471855342388153, -0.03325556963682175, -0.023417819291353226, -0.003239087061956525, 0.0269616786390543, 0.009277822449803352, 0.017194803804159164, 0.015139364637434483, -0.0037954729050397873, 0.03314216807484627, 0.056446582078933716, 0.027557047083973885, -0.04743100702762604, 0.04198763892054558, 0.02031339891254902, 0.035098377615213394, 0.007498805411159992, -0.03489992022514343, 0.032263290137052536, 0.05054960399866104, -0.03325556963682175, 0.005404384806752205, -0.02103634551167488, -0.0078531913459301, 0.004699156619608402, -0.006924699991941452, 0.0035739815793931484, 0.007959507405757904, 0.0690627247095108, -0.002447034465149045, -0.01633010245859623, 0.005900525022298098, 0.010185050778090954, -0.00029967757291160524, 0.0021032802760601044, 0.005935963708907366, -0.04374539479613304, 0.0029821572825312614, -0.013168979436159134, 0.03719634190201759, 0.005315788090229034, -0.023644626140594482, 0.005110244266688824, -0.014543997123837471, 0.0035031044390052557, 0.03308546543121338, 0.011319085024297237, -0.0027854731306433678, 0.026493888348340988, 0.005386665463447571, 0.005733963567763567, 0.017024697735905647, 0.023020906373858452, -0.03013697639107704, -0.002980385208502412, -0.04334848001599312, -0.011347436346113682, 0.014529821462929249, -0.0029750694520771503, 0.002292876597493887, -0.016684487462043762, -0.013282382860779762, 0.008051646873354912, -0.038387078791856766, -0.020483504980802536, 0.02192939817905426, -0.011822313070297241, 0.0037245957646518946, -0.007378314156085253, 0.04436911270022392, 0.017620066180825233, -0.02496294118463993, 0.04096700996160507, 0.02752869576215744, 0.013580067083239555, -0.010702453553676605, -0.029484905302524567, 0.026550590991973877, -0.03166792169213295, 0.046296972781419754, 0.01648603193461895, 0.005801296792924404, 0.016032418236136436, 0.055397599935531616, 0.003488929010927677, -0.023304415866732597, 0.022056978195905685, -0.014742452651262283, 0.017648417502641678, 0.0001714341779006645, 0.023417819291353226, -0.0076334718614816666, -0.019760556519031525, -0.054291918873786926, 0.005521331913769245, 0.006878630258142948, -0.024154942482709885, -0.02548743225634098, 0.004975577816367149, 0.008342243731021881, 0.009703085757791996, 0.0016071399440988898, -0.0013369207736104727, 0.04093865677714348, -0.003760034218430519, 0.0038344552740454674, -0.0235595740377903, -0.0003029999206773937, -0.045928411185741425, 0.032319992780685425, 0.005184665322303772, -0.009610945358872414, 0.009462103247642517, 0.0019792451057583094, -0.0070239282213151455, -0.039124201983213425, 0.03144111484289169, -0.020171644166111946, -0.0015389206819236279, -0.014558171853423119, -0.04646707698702812, 0.020696135237812996, 0.013771435245871544, 0.013140629045665264, -0.014671575278043747, -0.03161122277379036, 0.016599435359239578, 0.025629187002778053, 0.007222384214401245, 0.00711961230263114, 0.0017143416916951537, 0.004266805946826935, 0.00024895608657971025, 0.02438174933195114, 0.011425401084125042, -0.014487295411527157, 0.019349468871951103, 0.013778523541986942, 0.029910169541835785, -0.04332013055682182, -0.030477186664938927, -0.010376418940722942, -0.01868322305381298, -0.0031168239656835794, -0.02151831053197384, -0.005960770417004824, 0.03935100883245468, -0.02894623950123787, -0.0146574005484581, 0.01153880450874567, 0.00858322624117136, -0.028549326583743095, -0.00926364678889513, -0.0027234554290771484, -0.0017577540129423141, 0.01878245174884796, -0.013091014698147774, 0.0006263770628720522, -0.01509683858603239, 0.005741051398217678, -0.003848630702123046, 0.0015601838240399957, -0.0007862937054596841, -0.0034286833833903074, -0.03314216807484627, 0.017492488026618958, 0.011134804226458073, -0.018456416204571724, -0.02830834500491619, 0.03512673079967499, -0.007718524429947138, 0.024353398010134697, 0.021334029734134674, 0.03413444757461548, -0.06310904026031494, 0.02370132878422737, -0.00753424409776926, -0.014303014613687992, 0.005641823168843985, 0.00643564760684967, 0.003113280050456524, -0.01973220519721508, 0.006471086293458939, -0.002136946888640523, -0.002909508068114519, -0.017350733280181885, -0.019817259162664413, 0.024410100653767586, 0.010893821716308594, -0.0022698414977639914, 0.014643224887549877, 0.0022592099849134684, 0.015196066349744797, -0.00012159865582361817, 0.03501332551240921, 0.01117024291306734, 0.03580715134739876, -0.009143155999481678, 0.03419115021824837, -0.00781066482886672, 0.006077717989683151, 0.01926441676914692, 0.016046592965722084, 0.020908767357468605, -0.030278729274868965, 0.012311365455389023, 0.007052279077470303, -0.005386665463447571, 0.008165051229298115, -0.0023602100554853678, 0.027911432087421417, 0.0039230515249073505, -0.00129528040997684, -0.04646707698702812, 0.01156715489923954, 0.023318590596318245, -0.01101431343704462, 0.00821466464549303, -0.005989121273159981, 0.009653471410274506, 0.006889261770993471, 0.002562209963798523, -0.0012199734337627888, -0.019703855738043785, 0.01617417111992836, -0.01468575093895197, -0.020398451015353203, -0.0009355787187814713, 0.028407571837306023, -0.008880910463631153, 0.021858520805835724, 0.016301751136779785, -0.013658031821250916, 0.028903713449835777, -0.08630005270242691, 0.013572979718446732, -0.022269608452916145, 0.01916518807411194, -0.03419115021824837, 0.019335294142365456, -0.023956485092639923, 0.01810203120112419, 0.014090382494032383, -0.01562132965773344, -0.0044829812832176685, -0.016613610088825226, -0.03651592135429382, -0.024792836979031563, 0.0926506444811821, -0.03161122277379036, 0.02711760811507702, 0.004748770967125893, 0.009908629581332207, -0.03946441039443016, 0.011907366104424, 0.010248839855194092, -0.03668602555990219, -0.013246944174170494, -0.01468575093895197, 0.018810803070664406, 0.0034446308854967356, 0.0382169745862484, 0.020029889419674873, -0.009405401535332203, -0.0455315001308918, 0.010695366188883781, -0.007077086251229048, -0.045191287994384766, 0.01883915439248085, -0.011248207651078701, 0.05012433975934982, -0.0052803498692810535, -0.013984067365527153, -0.006393121555447578, 0.057240407913923264, -0.0007964822580106556, 6.594899605261162e-05, -0.003777753561735153, -0.026309607550501823, 0.005425647832453251, 0.023587925359606743, 0.00289710471406579, -0.044312410056591034, 0.0067120688036084175, 0.010617401450872421, -0.00440856022760272, 0.00732870027422905, -0.01779017224907875, 0.006499437149614096, 0.009001401253044605, -0.01153880450874567, 0.02307760901749134, -0.014480207115411758, 0.003279841272160411, -0.0013519821222871542, -0.010326804593205452, -0.018399715423583984, -0.017563365399837494, -0.018243785947561264, -0.003643086878582835, -0.0011960524134337902, -0.017194803804159164, -0.01815873198211193, -0.02900294028222561, -0.02523227594792843, 0.003632455365732312, 0.039180904626846313, -0.003279841272160411, 0.0016363768372684717, 0.005025191698223352, 0.02375802956521511, -0.0035456307232379913, 0.019023435190320015, -0.0269616786390543, -0.010206313803792, 0.0013165435520932078, 0.005202384665608406, 0.003915964160114527, -0.03668602555990219, 0.016670312732458115, 0.019590452313423157, 0.0335107296705246, -0.0013599558733403683, 0.026805749163031578, -0.015819786116480827, 0.0006449823267757893, 0.00963220838457346, 0.022538943216204643, 0.018172908574342728, -0.04108041152358055, -0.0030494905076920986, 0.022383011877536774, -0.0067652263678610325, -0.005691437516361475, 0.045616552233695984, -0.004288069438189268, -0.00015903066378086805, 0.012162523344159126, -0.029087994247674942, 0.02465108223259449, 0.03169627487659454, 0.0032532624900341034, 0.02219873107969761, -0.0016700434498488903, -0.0010977103374898434, 0.016500206664204597, -0.008384769782423973, -0.02371550351381302, 0.0031823853496462107, -0.02830834500491619, 0.016415154561400414, -0.0018233153969049454, -0.012687014415860176, -0.027032556012272835, -0.002803192241117358, -0.00720820901915431, 0.0007964822580106556, -0.009412488900125027, 0.007133787963539362, 0.006449823267757893, -0.00048373674508184195, -0.0072932615876197815, -0.02235466241836548, -0.010333891957998276, 0.016826242208480835, -0.01674119010567665, 0.01421087421476841, -0.02795395813882351, -0.017038872465491295, 0.01737908460199833, -0.040485043078660965, -0.01889585517346859, 0.009936979971826077, 0.014529821462929249, 0.022283785045146942, -0.03129936009645462, 0.03563704341650009, -0.0011030260939151049, -0.007661822717636824, 0.04161907732486725, 0.013381610624492168, 0.018130382522940636, 0.012651575729250908, -0.003944315016269684, -0.015351996757090092, -0.003976209554821253, -0.00800912082195282, -0.02548743225634098, -0.03827367722988129, 0.008717892691493034, -0.012375155463814735, -0.0078531913459301, 0.01617417111992836, -0.014487295411527157, -0.04470932483673096, -0.025685889646410942, -0.014147084206342697, 0.004195929039269686, -0.02506216987967491, 0.02313430979847908, -0.029087994247674942, 0.006208840757608414, 0.0006666884291917086, -0.02937150187790394, 0.0006432103691622615, -0.002960894023999572, 0.01947704888880253, -0.0009524120832793415, -0.02082371525466442, -0.01685459353029728, -0.02968336082994938, 0.0003681183443404734, 0.0007189603638835251, 0.011099365539848804, 0.01177978701889515, -0.010482734069228172, 0.030448835343122482, 0.009150243364274502, -0.035296835005283356, -0.03209318593144417, 0.007987857796251774, 0.0269475020468235, 0.025813467800617218, -0.014926733449101448, -0.0034924729261547327, 0.054036758840084076, -0.018456416204571724, -0.0029130519833415747, 0.016259225085377693, 0.0005280349869281054, -0.015578803606331348, 0.009738524444401264, 0.02523227594792843, -0.011836488731205463, 0.01674119010567665, -0.0055532269179821014, -0.008363506756722927, -0.025090521201491356, 0.029456553980708122, -0.01920771412551403, 0.02375802956521511, -0.019221890717744827, 0.010241752490401268, -0.015082662925124168, -0.037763360887765884, 0.026890801265835762, 0.04014483466744423, -0.01468575093895197, 0.0021209996193647385, -0.03144111484289169, -0.04575830698013306, -0.02124897763133049, -0.03549528867006302, 0.008030383847653866, -0.01441641803830862, -0.016471855342388153, -0.009547155350446701, 0.0035031044390052557, -0.016967996954917908, 0.019562100991606712, -0.022368837147951126, 0.003497788682579994, -0.020526031032204628, 0.01141122542321682, -0.0009896225528791547, 0.020072417333722115, 0.01036224327981472, -0.04879184812307358, -0.003037086920812726, 0.012786243110895157, 0.02334694191813469, -0.0444825179874897, 0.02449515275657177, 0.0012881926959380507, 0.016514381393790245, -0.02574259042739868, -0.009284909814596176, -0.032376695424318314, 0.05329963564872742, -0.011659295298159122, -0.027769677340984344, 0.00773270009085536, 0.004784209653735161, 0.009369962848722935, -0.02004406601190567, 0.02344617061316967, -0.039691220968961716, 0.018910031765699387, 0.01559297926723957, -0.020710311830043793, 0.007782313972711563, -0.04757276177406311, -0.0009019121062010527, 0.004309332463890314, 0.0070451912470161915, -0.009816489182412624, -0.02103634551167488, 0.02235466241836548, 0.05667338892817497, -0.004922419786453247, 0.002110367873683572, -0.0007065568352118134, -0.01484168041497469, -0.013339084573090076, -0.004766490310430527, -0.023474521934986115, 0.003042402910068631, -0.006857366766780615, -0.00012137716839788482, -0.003986841067671776, 0.04842328652739525, 0.02265234664082527, 0.019221890717744827, 0.00971017312258482, 0.024041539058089256, -0.017492488026618958, -0.027613747864961624, 0.004706244450062513, -0.026805749163031578, 0.006612840574234724, -0.013743084855377674, 0.009653471410274506, 0.012559435330331326, -0.009291998110711575, 0.011949892155826092, 0.025246450677514076, -0.021475784480571747, 0.004677893593907356, -0.02626708149909973, 0.04076855257153511, 0.0017533241771161556, -0.011949892155826092, -0.01274371612817049, 0.01468575093895197, -0.010206313803792, 0.019136838614940643, -0.002108596032485366, 0.004592841025441885, 0.03864223510026932, 0.013622593134641647, -0.018357189372181892, 0.01481333002448082, -0.01564968004822731, -0.00013322694576345384, -0.018711574375629425, 0.024480976164340973, 0.01209164597094059, 0.024466801434755325, -0.015678031370043755, -0.008349331095814705, 0.022893328219652176, -0.005092525389045477, 0.038387078791856766, -0.002144034719094634, 0.017364908009767532, -0.001865841681137681, -0.009724348783493042, 0.03742314875125885, -0.006244279444217682, 0.012850032187998295, 0.009440840221941471, -0.012339716777205467, 0.005138595122843981, 0.015366172417998314, -0.00603164779022336, -0.004458174575120211, -0.027514521032571793, 0.016443505883216858, 0.024778660386800766, 0.020908767357468605, 0.0005931533523835242, -0.0002529429330024868, 0.02999522164463997, -0.022326311096549034, -0.022170381620526314, -0.01007873471826315, 0.002425771439447999, -0.018300486728549004, 0.010794593952596188, 0.02245388925075531, 0.03178132697939873, -0.017308207228779793, 0.010298454202711582, 0.008519436232745647, 0.038387078791856766, -8.18963599158451e-05, -0.002144034719094634, 0.009717261418700218, 0.007435015868395567, -0.0037529466208070517, -0.016089119017124176, -0.03719634190201759, -0.023091783747076988, 0.00055107002845034, 0.03458806127309799, 0.007512980606406927, 0.020809538662433624, -0.0026242274325340986, 0.018881680443882942, 0.022326311096549034, -0.0095542436465621, 0.03438960760831833, -0.01509683858603239, -0.005751682911068201, 0.03197978064417839, -0.0003907104255631566, 0.0392659567296505, -0.011978242546319962, -0.014997610822319984, -0.030732344835996628, -0.012920909561216831, 0.0050110165029764175, -0.017123926430940628, 0.04232785105705261, -0.07161430269479752, 0.0005696752923540771, 0.012438944540917873, 0.012786243110895157, 0.01177978701889515, 0.0023159116972237825, 0.045361392199993134, -0.017761820927262306, 0.033057115972042084, 0.02664981782436371, -0.009525892324745655, -0.007240103557705879, -0.013870663940906525, -0.03402104601264, 0.04564490169286728, -0.0021901046857237816, -0.0034552623983472586, -0.022127855569124222, -0.0033294553868472576, 0.022893328219652176, -0.006293893326073885, 0.0011526400921866298, 0.005092525389045477], "d7bffc3e-0af8-49ec-a00c-75692643ffa1": [0.030561555176973343, 0.03800036758184433, 0.005936744622886181, 0.03212214633822441, -0.015839988365769386, 0.01866205595433712, 0.032902441918849945, -0.02095092087984085, 0.010729056783020496, 0.08037038892507553, 0.03048352524638176, -0.02663407102227211, -0.016776343807578087, -0.02188727632164955, 0.02117200568318367, 0.04234401136636734, -0.039040762931108475, 0.019039198756217957, -0.024228161200881004, 0.03753219172358513, 0.053164102137088776, 0.0772492066025734, 0.04512706398963928, 0.015410826541483402, 0.01889614388346672, 0.03235623240470886, -0.023720968514680862, -0.013343045487999916, 0.02002757228910923, -0.007042162586003542, 0.03545140475034714, -0.015293782576918602, 0.021080970764160156, -0.031549930572509766, 0.024657322093844414, -0.015462846495211124, 0.006222852971404791, -0.014071320183575153, 0.0386246033012867, -0.0002414037735434249, 0.015176738612353802, -0.035633474588394165, 0.005637631751596928, 0.008706792257726192, 0.0005941621493548155, 0.014877624809741974, -0.04666164144873619, -0.007432310376316309, -0.020885897800326347, 0.01866205595433712, -0.03430697321891785, 0.024761362001299858, 0.002825318370014429, 0.04569927975535393, -0.00682758167386055, -0.05326814204454422, -0.007120192050933838, -0.0007778566214255989, 0.0012167725944891572, 0.003452805569395423, 0.024943431839346886, 0.0018336933571845293, -0.04169376567006111, 0.04445080831646919, 0.009350535459816456, -0.009935757145285606, 0.0030577811412513256, -0.004242854192852974, 0.002927731955423951, 0.02684214897453785, 0.038572583347558975, 0.009376545436680317, 0.01730954460799694, 0.011457332409918308, -0.027596434578299522, -0.003031771397218108, 0.04057534039020538, 0.007315265946090221, 0.019065208733081818, -0.026946188881993294, 0.00897339265793562, -0.007698910776525736, -0.057689812034368515, 0.0177387073636055, 0.0234608706086874, 0.045413170009851456, -0.07059068977832794, -0.014513487927615643, -0.016256146132946014, -0.06450439244508743, -0.022238409146666527, 0.0574297159910202, -0.012010040692985058, 0.029521161690354347, 0.0016630038153380156, 0.015215752646327019, -0.014604521915316582, 0.0035893572494387627, 0.004974380601197481, 0.03389081358909607, 0.013993291184306145, 0.0045842332765460014, 0.028532788157463074, -0.0171014666557312, 0.054048437625169754, -0.03662184625864029, -0.01889614388346672, 0.00035926082637161016, 0.022641560062766075, 0.009031915105879307, -0.0555570051074028, -0.008245117031037807, -0.04182381182909012, 0.016542254015803337, 0.014942649751901627, 0.03818243741989136, -0.015774965286254883, -0.05857414752244949, 0.014513487927615643, -0.021041955798864365, -0.01863604597747326, 0.0029293575789779425, -0.022927669808268547, -0.04999089986085892, -0.029052985832095146, -0.0017605406465008855, 0.0396910086274147, 0.014396443031728268, -0.0396910086274147, -0.046557605266571045, 0.011554868891835213, 0.005156449507921934, 0.017699692398309708, -0.02387702837586403, -0.017387574538588524, -0.0031585693359375, 0.012744818814098835, -0.0409654900431633, -0.05482872948050499, -0.05378833785653114, -0.027882542461156845, 0.003319505136460066, -0.047441937029361725, 0.04304627701640129, -0.002709899563342333, -0.04728587716817856, -0.03552943468093872, 0.023369835689663887, -0.0409654900431633, -0.007529846858233213, 0.024397224187850952, 0.06710537523031235, -0.028168650344014168, 0.0025961066130548716, -0.01251072995364666, -0.032928451895713806, 0.0469217412173748, 0.003127682488411665, -0.04543917998671532, 0.04252607747912407, -0.009734180755913258, -0.01433141902089119, -0.011249253526329994, -0.005410045385360718, 0.025099489837884903, -0.012458710931241512, -0.02026166021823883, -0.032200176268815994, -0.03160195052623749, -0.050433069467544556, -0.030327467247843742, -0.004672016482800245, -0.008557235822081566, -0.018961168825626373, 0.016087083145976067, 0.003426795592531562, -0.008375166915357113, -0.04684371128678322, -0.029677221551537514, -0.04054933041334152, 0.003171574091538787, 0.03534736484289169, -0.012777331285178661, -0.023304810747504234, 0.025853775441646576, -0.02362993359565735, 0.03118579089641571, -0.0038429531268775463, -0.03487918898463249, -0.005874971393495798, -0.013629153370857239, 0.013024424202740192, -0.002721278928220272, -0.059978678822517395, -0.029521161690354347, -0.06497256457805634, 0.03714204207062721, -0.03852056339383125, -0.0263739712536335, -0.007146202027797699, 0.03422894328832626, -0.05326814204454422, 0.02135407365858555, -0.014201369136571884, -0.03342263773083687, 0.009122949093580246, 0.0004876843886449933, 0.013473094440996647, -0.0273103266954422, -0.04226598143577576, 0.06627305597066879, -0.005598616786301136, -0.00033609583624638617, 0.047910116612911224, -0.010625016875565052, 0.034983228892087936, -0.03966499865055084, -0.01455250196158886, -0.016087083145976067, 0.0015028807101771235, -0.01443545799702406, 0.06003069877624512, 0.07079876959323883, 0.011736937798559666, -0.01708846166729927, 0.026972198858857155, 0.05061513930559158, 0.020547769963741302, 9.49460591073148e-05, -0.006866596173495054, -0.0340728834271431, 0.002532707527279854, 0.027388354763388634, -0.02915702387690544, 0.05012094974517822, -0.037220072001218796, 0.024917421862483025, 0.050407059490680695, -0.00044948243885301054, -0.024709342047572136, -0.02822067029774189, 0.044294748455286026, 0.04182381182909012, 0.05810597166419029, 0.015761960297822952, 0.006814576685428619, -0.00568639999255538, -0.0275444146245718, -0.004759799689054489, -0.013219498097896576, 0.02249850705265999, -0.005211720708757639, 0.024735352024435997, -0.04484095424413681, -0.0483262725174427, -0.021458113566040993, 0.0063041336834430695, 0.023694958537817, -0.009701668284833431, -0.051135335117578506, 0.009597629308700562, -0.009656150825321674, -0.019884519279003143, -0.03930085897445679, -0.04164174571633339, -0.005127188749611378, 0.038156427443027496, 0.0216531865298748, -0.021028950810432434, -0.043566472828388214, 0.00750383734703064, 0.009025412611663342, 0.00756235932931304, -0.005683148745447397, -0.05784587189555168, 0.037168052047491074, 0.008219107985496521, -0.0035535935312509537, -0.004915858618915081, -0.027232296764850616, 0.004018519539386034, -0.006983640603721142, 0.03451504930853844, 0.03183603659272194, 0.002854579361155629, -0.019884519279003143, 0.014955654740333557, -0.028584808111190796, -0.014422453008592129, 0.027414364740252495, 0.06096705049276352, -0.05373631790280342, -0.011021667160093784, 0.02616589330136776, -0.01500767469406128, -0.019273286685347557, 0.026582051068544388, -0.046063415706157684, -0.03456706926226616, -0.025125499814748764, -0.014175360091030598, 0.01638619601726532, -0.04707780107855797, -0.013915261253714561, -0.006128567270934582, 0.003178076585754752, 0.019754469394683838, 0.014916639775037766, 0.011307775042951107, -0.031966086477041245, 0.01979348435997963, -0.006723542232066393, 0.05618124082684517, -0.03165396675467491, -0.02006658725440502, -0.07501236349344254, 0.0277785025537014, 0.015111713670194149, 0.027674464508891106, 0.013173980638384819, 0.01589200831949711, -0.03693396598100662, -0.024449244141578674, -0.03714204207062721, -0.04117356613278389, -0.003956745844334364, -0.003966499585658312, 0.0564933605492115, -0.004571228288114071, 0.023733973503112793, -0.010872110724449158, -0.05347621813416481, 0.004467188846319914, -0.0005909109022468328, 0.014656541869044304, -0.018310923129320145, 0.0017767967656254768, 0.01012432761490345, -0.016893386840820312, 0.013603143393993378, 0.006148074753582478, -0.039899084717035294, 0.017855750396847725, -0.023616930469870567, 0.0026546288281679153, -0.057481732219457626, -0.000714457652065903, 0.010787579230964184, -0.023382840678095818, 0.015514866448938847, -0.04478893429040909, 0.036335740238428116, -0.028142640367150307, 0.009922752156853676, 0.02028767019510269, 0.019195258617401123, 0.0006835709791630507, -0.00421359296888113, -0.022472497075796127, 0.031731996685266495, -0.06377611309289932, -0.04775405675172806, 0.015462846495211124, 0.01798580028116703, -0.0030577811412513256, 0.047207850962877274, -0.08994200825691223, -0.04762400686740875, 0.00990324467420578, 0.016087083145976067, -0.017920775339007378, -0.043800562620162964, 0.024241166189312935, 0.007731423247605562, -0.042005881667137146, -0.0024774367921054363, 0.01729653961956501, 0.032902441918849945, 0.02027466520667076, -0.009402555413544178, 0.0781855657696724, -0.031081752851605415, -0.0342029333114624, -0.041303616017103195, 0.026048848405480385, 0.04780607670545578, -0.003142313100397587, -0.028584808111190796, -0.01708846166729927, 0.008030536584556103, 0.05800193175673485, -0.0011972652282565832, 0.016789348796010017, -0.03001534938812256, 0.02666008099913597, -0.012198612093925476, -0.025333577767014503, 0.052435826510190964, 0.05191563069820404, -0.044710904359817505, 0.03872864320874214, -0.04871641844511032, -0.010774574242532253, 0.011671912856400013, 0.020118607208132744, 0.02845475822687149, -0.0007441251073032618, 0.004789060913026333, -0.015839988365769386, -0.00046573858708143234, 0.0819309800863266, -0.0011460583191365004, 0.03207012638449669, 0.013030926696956158, 0.015345802530646324, -0.04067938029766083, 0.01524176262319088, 0.05121336504817009, 0.0019133484456688166, -0.03693396598100662, -0.007471324875950813, 0.007685906253755093, -0.003963248338550329, -0.03706401214003563, -0.02617889828979969, -0.0068405866622924805, -0.014175360091030598, -0.020573778077960014, 0.10034593939781189, -0.025801755487918854, -0.02206934429705143, 0.020105602219700813, -0.017439594492316246, 0.03620569035410881, -0.02323978766798973, -0.030145397409796715, -0.006645512767136097, -0.01862304098904133, -0.005514084827154875, -0.024527274072170258, -0.038832683116197586, 0.011346790008246899, -0.008921373635530472, -0.007100684568285942, -0.00818009302020073, 0.0031862047035247087, 0.007393295411020517, 0.006970635615289211, 0.008394674398005009, 0.05214971676468849, -0.04874242842197418, 0.020313680171966553, 0.038780663162469864, 0.0368819460272789, -0.04549119994044304, -0.007367285434156656, -0.013232503086328506, -0.02598382532596588, -0.004580982029438019, -0.027466384693980217, 0.00267738732509315, 0.0342029333114624, 0.05597316473722458, 0.05680547654628754, -0.0021620674524456263, 0.02046974003314972, -0.06637709587812424, 0.013278020545840263, 0.018545011058449745, -0.031237810850143433, -0.010917628183960915, 0.017595652490854263, 0.029729241505265236, 0.04931464418768883, -0.04078342020511627, -0.04754597693681717, 0.025879785418510437, -0.03092569299042225, -0.03976903855800629, -0.03617968037724495, -0.006079798564314842, 0.00954560935497284, -0.03167997673153877, -0.003472312819212675, 0.031263820827007294, -0.006287877447903156, 0.03750618174672127, -0.026321953162550926, 0.0002139715215889737, 0.016269151121377945, -0.026920178905129433, -0.009129451587796211, 0.05069316551089287, -0.01276432629674673, 0.05675346031785011, -0.012335163541138172, -0.019689444452524185, -0.007985019125044346, -0.012445705942809582, -0.03898874297738075, -0.04931464418768883, 0.021028950810432434, -0.011106199584901333, 0.011008662171661854, 0.01375920232385397, 0.018167870119214058, 0.053840357810258865, 0.016438215970993042, -0.0009103441843762994, -0.018974173814058304, 0.007828960195183754, -0.020989935845136642, -0.011496346443891525, -0.0197804793715477, -0.03352667763829231, -0.009682160802185535, 0.05045907944440842, 0.033344607800245285, -0.04161573573946953, -0.019533386453986168, 0.0116133913397789, 0.022940674796700478, 0.020560774952173233, 0.04080943018198013, -0.0536842979490757, -0.009636643342673779, -0.011106199584901333, -0.0016711318166926503, -0.011509351432323456, -0.03979504480957985, 0.0053547746501863, -0.00979270227253437, 0.03256431221961975, -0.0022075846791267395, 0.010995657183229923, -0.06642911583185196, -0.008271127007901669, 0.005702656228095293, -0.004343642387539148, 0.004873592872172594, -0.008316644467413425, -0.023122742772102356, 0.036725886166095734, -0.007425807882100344, 0.02913101390004158, -0.01296590268611908, 0.008830338716506958, 0.008238615468144417, -0.0047207847237586975, -0.013076444156467915, 0.004987385589629412, -0.03001534938812256, 0.03656982630491257, -0.01567092537879944, 0.008485708385705948, 0.03417692333459854, -0.02642599120736122, 0.0014321665512397885, -0.014916639775037766, -0.01867506094276905, 0.01842796802520752, -0.0006376473465934396, 0.020105602219700813, 0.019884519279003143, 0.0042981249280273914, 0.018987178802490234, 0.004798814654350281, -0.011840976774692535, -0.0011371173895895481, 0.016685308888554573, 0.01597003825008869, -0.01911722868680954, -0.06913413852453232, -0.08208703994750977, 0.0327984020113945, -0.018063830211758614, -0.02959919162094593, -0.012998415157198906, 0.00762088131159544, 0.006697532255202532, 0.0013964029494673014, -0.0011046051513403654, 0.015215752646327019, 0.009617135860025883, -0.028844906017184258, -0.0034495543222874403, 0.028376730158925056, 0.012809843756258488, -0.02002757228910923, 0.00750383734703064, 0.024540279060602188, -0.015046688728034496, 0.050537109375, 0.060863010585308075, 0.024436239153146744, 0.0020027572754770517, -0.028142640367150307, 0.021939294412732124, 0.01433141902089119, -0.009552111849188805, 0.01841496303677559, -0.02138008363544941, -0.013271518051624298, 0.025359587743878365, 0.01795979030430317, -0.0012671665754169226, 0.024501264095306396, 0.0068730986677110195, 0.0045842332765460014, -0.002687141066417098, -0.011249253526329994, -0.03893672302365303, 0.005666892509907484, 0.02026166021823883, -0.03344864770770073, 0.04921060800552368, 0.023981066420674324, 0.019013188779354095, 0.02074284292757511, 0.024436239153146744, 0.0021084221079945564, 0.047025781124830246, -0.008251619525253773, 0.030145397409796715, 0.05961453914642334, 0.039456918835639954, 7.188264862634242e-05, -0.020404715090990067, -0.004161573480814695, -0.0012484720209613442, -0.009012407623231411, -0.02548963762819767, 0.009148959070444107, 0.004681770224124193, 0.037688251584768295, 0.015267772600054741, 0.007998024113476276, 0.003787682158872485, -0.03591958060860634, -0.009987776167690754, 0.028766876086592674, -0.020092597231268883, 0.016308166086673737, -0.014955654740333557, 0.03235623240470886, -0.0058359564282000065, 0.004707780200988054, -0.011873489245772362, 0.014604521915316582, -0.019637424498796463, 0.0033845296129584312, 0.0036186182405799627, 0.01706245169043541, -0.033994853496551514, 0.03573751077055931, -0.009142456576228142, 0.01844097301363945, 0.04507504403591156, -0.04637553542852402, 0.010559992864727974, -0.029521161690354347, 0.01434442400932312, 0.013850237242877483, -0.024969441816210747, -0.035867560654878616, 0.018349938094615936, 0.018362943083047867, -0.007822457700967789, 0.028090620413422585, -0.025073479861021042, -0.02456628903746605, -0.017478609457612038, 0.013941271230578423, -0.014110335148870945, -0.011463834904134274, 0.011775952763855457, 0.022810624912381172, -0.040419284254312515, -0.027024218812584877, 0.018492992967367172, 0.02006658725440502, -0.007705413270741701, -0.019689444452524185, 0.027128256857395172, -0.010117825120687485, 0.01706245169043541, 0.042630117386579514, 0.019000183790922165, -0.02642599120736122, -0.007510339841246605, -0.010820090770721436, 0.01755663752555847, -0.007035660091787577, -0.015644915401935577, -0.011678415350615978, 0.021809246391057968, -0.022836634889245033, -0.002048274502158165, 0.028324710205197334, -0.10648426413536072, -0.020846882835030556, 0.0010533982422202826, -0.028766876086592674, -0.028766876086592674, -0.01798580028116703, -0.031289830803871155, 0.001949111931025982, 0.041069529950618744, 0.03352667763829231, 0.012127085588872433, -0.028636828064918518, 0.00034727193997241557, 0.010904623195528984, 3.761773768928833e-05, -0.014903634786605835, -0.01387624628841877, -0.020092597231268883, 0.007406300399452448, 0.034020863473415375, -0.0013931517023593187, 0.019377326592803, 0.03711603209376335, -0.02959919162094593, -0.014175360091030598, -0.0028805891051888466, 0.01170442532747984, -0.007640388794243336, 0.018948163837194443, -0.01524176262319088, 0.005556351039558649, -0.001693890430033207, -0.000660812365822494, -0.0019279789412394166, 0.02502145990729332, 0.012757823802530766, 0.030665595084428787, -0.004372903611510992, -0.00488984864205122, 0.022446487098932266, -0.026113873347640038, 0.002210835926234722, -0.05129139497876167, 0.010527480393648148, -0.003065909259021282, -0.0037389136850833893, -0.005696153733879328, -0.014981664717197418, 0.045673269778490067, -0.01639920100569725, 0.029469141736626625, -0.013720187358558178, 0.011639401316642761, -0.029261063784360886, 0.013180483132600784, 0.06304784119129181, -0.026920178905129433, -0.011522356420755386, 0.03191406652331352, -0.011060682125389576, 0.01597003825008869, 0.01515072863548994, 0.049028538167476654, 0.009285510517656803, 0.01262127235531807, -0.0013500729110091925, 0.037688251584768295, 0.014981664717197418, -0.01711447164416313, 0.015267772600054741, -0.024761362001299858, 0.011951519176363945, 0.011984030716121197, 0.020807867869734764, -0.02092491090297699, 0.03919681906700134, -0.028974955901503563, -0.003732411190867424, -0.03368273377418518, 0.005601868033409119, -0.007653393782675266, -0.010416938923299313, 0.0014793092850595713, -0.011645902879536152, -0.026295943185687065, 0.0005697779124602675, 0.027414364740252495, -0.005494577344506979, -0.02117200568318367, -0.00299275666475296, -0.051083315163850784, 0.037870317697525024, -0.03417692333459854, -0.008817333728075027, -0.00989023968577385, 0.011990533210337162, 0.020573778077960014, 0.0218222513794899, -0.02710224688053131, 0.03888470306992531, 0.011080189608037472, 0.0128683652728796, 0.0003415822866372764, -0.013603143393993378, -0.02525554969906807, -0.009025412611663342, 0.02184826135635376, -0.0003659664944279939, 0.006356153171509504, 0.0010533982422202826, -0.009760190732777119, -0.047233860939741135, -0.00989023968577385, 0.004272115416824818, 0.009682160802185535, -0.0007006399100646377, -0.024449244141578674, 0.03147190064191818, -0.02416313625872135, -0.03001534938812256, -0.04736390709877014, 0.02434520423412323, -0.00030581874307245016, 0.008875856176018715, -0.03282441198825836, -0.00603103032335639, -0.021484123542904854, 0.022940674796700478, -0.002544086892157793, 0.004229849204421043, 0.01455250196158886, 0.019026193767786026, 0.018388953059911728, -0.03209613636136055, -0.031731996685266495, -0.005049159284681082, 0.014409448020160198, -0.014617526903748512, 0.023382840678095818, -0.003999012056738138, 0.015306787565350533, -0.007529846858233213, 0.006239109206944704, -0.02502145990729332, 0.011496346443891525, 0.04169376567006111, 0.0013980285730212927, 0.012998415157198906, -0.049054548144340515, 0.007666398771107197, -0.006684527266770601, 0.03625771030783653, -0.03134185075759888, 0.0006599995540454984, -0.041771795600652695, 0.0029000965878367424, -0.009480584412813187, -0.011060682125389576, 0.034983228892087936, -0.0017475357744842768, -0.007594871800392866, -0.023499885573983192, 0.009519599378108978, 0.003153692465275526, -0.03625771030783653, 0.022407472133636475, -0.00437940564006567, 0.03071761503815651, -0.0006823517614975572, -0.047441937029361725, -0.021224025636911392, -0.0011850730516016483, -0.01658126898109913, 0.041797805577516556, 0.00853772833943367, -0.013258513063192368, 0.00888235867023468, 0.04944469407200813, -0.023772988468408585, 0.036491796374320984, 0.013291025534272194, 0.029911309480667114, -0.030327467247843742, 0.005237730219960213, -0.026061853393912315, -0.006938123144209385, 0.02845475822687149, -0.013330040499567986, 0.0238640233874321, -0.004515957552939653, 0.016880381852388382, 0.010039796121418476, -0.010091816075146198, 0.01137279998511076, -0.002254727529361844, -0.03352667763829231, 0.04354046285152435, 0.0015581516781821847, 0.047389917075634, -0.005592114292085171, -0.005530341062694788, -0.019676439464092255, -0.026009833440184593, -0.001141994260251522, 0.026504021137952805, 0.025775745511054993, 0.009870732203125954, -0.00026273998082615435, -0.004740292206406593, 0.018037820234894753, 0.04117356613278389, 0.014305409044027328, -0.023616930469870567, 0.04078342020511627, 0.024904416874051094, 0.03849455341696739, -0.0007932999287731946, -0.027622444555163383, 0.03027544729411602, 0.0641922727227211, -0.014279399067163467, 0.009350535459816456, -0.02046974003314972, 0.011665410362184048, -0.007022655103355646, -0.009935757145285606, 0.009155461564660072, -0.0024481755681335926, 0.05878222733736038, -0.017608657479286194, -0.018597031012177467, -0.021913286298513412, 0.019507376477122307, 0.005166203249245882, 0.009350535459816456, 0.01776471734046936, -0.05763779208064079, -0.01297890767455101, -0.011431322433054447, 0.03784430772066116, 0.008102063089609146, -0.02227742224931717, -0.003462559310719371, -0.019065208733081818, 0.0036966477055102587, 0.01574895530939102, 0.01754363253712654, -0.013577133417129517, 0.018271908164024353, 0.020859887823462486, 0.011177726089954376, 0.021002940833568573, 0.014734570868313313, -0.01230265200138092, 0.004112805239856243, -0.03568549454212189, -0.019715454429388046, 0.00862876232713461, -0.0013565754052251577, 0.01840195804834366, 0.0035828547552227974, 3.162328357575461e-05, 0.005279996432363987, -0.021276043727993965, 0.0019507375545799732, 0.02751840464770794, -0.008680782280862331, 0.007432310376316309, -0.001052585430443287, 0.04164174571633339, 0.04489297419786453, -0.03545140475034714, 0.03490519896149635, 0.03207012638449669, 0.007497334852814674, -0.009168466553092003, -0.04036726430058479, 0.03646578639745712, -0.031731996685266495, 0.06148725003004074, 0.007959009148180485, 0.01662028394639492, 0.010384426452219486, 0.05170755088329315, 0.011073687113821507, -0.005842458922415972, 0.007815955206751823, -0.025788750499486923, 0.02840273827314377, -0.007731423247605562, -0.0027017714455723763, -0.025619687512516975, -0.01933831162750721, -0.05324213206768036, 0.005491326097398996, -0.001402092631906271, -0.020404715090990067, -0.016698313876986504, -0.008791323751211166, -0.013499104417860508, 0.027908552438020706, -0.006743049714714289, 0.0026741360779851675, 0.03162795677781105, -0.0025619687512516975, 0.008076053112745285, -0.022342447191476822, 0.005549848545342684, -0.052435826510190964, 0.03690795600414276, 0.005266991443932056, -0.009786199778318405, -0.006486202590167522, 0.0037259086966514587, -0.01329752802848816, -0.020573778077960014, 0.00979270227253437, -0.026738109067082405, -0.01272531133145094, -0.014422453008592129, -0.05097927525639534, 0.03943090885877609, 0.010241372510790825, 0.020183632150292397, 0.000383848266210407, -0.04398262873291969, 0.01933831162750721, 0.023564910516142845, 0.027258306741714478, 0.007685906253755093, -0.01522875763475895, -0.012952897697687149, 0.006756054703146219, 0.010514475405216217, 0.01772570237517357, -0.014201369136571884, 0.026334958150982857, 0.018948163837194443, 0.02186126634478569, -0.02642599120736122, -0.02663407102227211, 0.011294770985841751, -0.009565116837620735, -0.0010363293113186955, -0.012816346250474453, -0.011788957752287388, 0.03919681906700134, -0.019208261743187904, 0.0015313290059566498, 0.011645902879536152, 0.01092413067817688, -0.037220072001218796, -0.009636643342673779, 0.0035535935312509537, 0.009220486506819725, -0.003560096025466919, -0.014682551845908165, -0.004447681829333305, -0.004805316682904959, -0.008726299740374088, 0.003404037095606327, 0.00020523385319393128, 0.011262258514761925, -0.006684527266770601, -0.023955058306455612, 0.014305409044027328, 0.011645902879536152, -0.021744221448898315, -0.0009200978674925864, 0.022381462156772614, -0.007672901265323162, 0.03030145727097988, 0.012348168529570103, 0.02684214897453785, -0.04780607670545578, 0.04640154540538788, -0.004418420605361462, -0.017933780327439308, 0.023616930469870567, -0.00307566300034523, -0.006782064214348793, -0.016035063192248344, 0.0068730986677110195, -0.0065804882906377316, -0.020339690148830414, -0.010104821063578129, -0.003176450962200761, 0.021015945822000504, -0.003114677732810378, -0.010254377499222755, 0.016893386840820312, 0.003176450962200761, 0.025541657581925392, -0.006642261520028114, 0.027180276811122894, 0.0036998989526182413, 0.031549930572509766, -0.003771425923332572, 0.03318854793906212, -0.016438215970993042, -0.0064081731252372265, 0.008635264821350574, 0.036049630492925644, 0.00046858342830091715, -0.024306191131472588, 0.0021571905817836523, -0.005049159284681082, -0.01911722868680954, 0.009025412611663342, -0.025996830314397812, 0.010969647206366062, 0.004476942587643862, -0.0012704178225249052, -0.052695922553539276, 0.012783833779394627, 0.01823289319872856, -0.004125809762626886, 0.021497128531336784, -0.005143444519490004, 0.003859209129586816, 0.005504331085830927, -0.017387574538588524, 0.013219498097896576, -0.015111713670194149, 0.02728431671857834, -0.019299296662211418, -0.019442351534962654, -0.0002519702829886228, 0.031731996685266495, -0.009714673273265362, 0.04460686445236206, 0.015202748589217663, 0.00910344161093235, 0.016061073169112206, -0.06715739518404007, 0.01013733260333538, -0.029235053807497025, 0.022147374227643013, -0.030379487201571465, 0.02206934429705143, -0.02253752201795578, 0.01318698562681675, 0.017608657479286194, -0.033344607800245285, -0.017153486609458923, -0.03363071754574776, -0.03464509919285774, -0.001367954770103097, 0.08874555677175522, -0.022641560062766075, 0.021939294412732124, 0.01114521361887455, 0.012133588083088398, -0.035867560654878616, 0.0024335451889783144, 0.009701668284833431, -0.03261633217334747, -0.002062904881313443, 0.0010891618439927697, 0.0211850106716156, 0.005829453933984041, 0.03690795600414276, 0.008563738316297531, 0.005312508437782526, -0.029989339411258698, 0.019611414521932602, 0.004528962541371584, -0.051759570837020874, 0.005332015920430422, 0.0017003929242491722, 0.05514084920287132, 0.0024432989303022623, -0.017218509688973427, 0.00818009302020073, 0.058626167476177216, 0.011086692102253437, 0.013564128428697586, 0.005969257093966007, -0.02069082297384739, 0.01659427396953106, 0.01983249932527542, 0.010377923958003521, -0.03589357063174248, 0.011288268491625786, 0.01686737686395645, -0.013564128428697586, 0.010722554288804531, -0.031705986708402634, -0.012549744918942451, 0.011216741055250168, 0.018727080896496773, 0.034957218915224075, 0.0008997776894830167, 0.01308294665068388, -0.005156449507921934, -0.0030171407852321863, -0.016672303900122643, -0.039456918835639954, -0.0359455905854702, 0.021731216460466385, -0.007841965183615685, -0.01524176262319088, -0.01308294665068388, -0.025879785418510437, -0.01284235529601574, -0.00019436255388427526, 0.041797805577516556, 0.024514269083738327, -0.011242751032114029, 0.006606497801840305, 0.010559992864727974, 0.004363149870187044, 0.026022838428616524, -0.018961168825626373, -0.033578697592020035, -0.010774574242532253, 0.011606888845562935, -0.00409654900431633, -0.028350720182061195, 0.00036312168231233954, 0.011853981763124466, 0.029521161690354347, -0.01642521098256111, 0.041277606040239334, -0.0029781260527670383, -0.007594871800392866, 0.000605135050136596, 0.011827971786260605, 0.021119985729455948, -0.045881349593400955, -0.004958124831318855, 0.010052801109850407, -0.0013907133834436536, -0.0015069447690621018, 0.03438499942421913, -0.0054035428911447525, -0.001200516358949244, 0.006593492813408375, -0.019416341558098793, 0.03318854793906212, 0.020872892811894417, 0.004112805239856243, 0.014175360091030598, 0.002568471245467663, -0.00276029366068542, 0.0046427552588284016, -0.009357037954032421, -0.004746794700622559, 0.0008197161951102316, -0.04798814281821251, 0.013356049545109272, 0.0015760334208607674, -0.022199394181370735, -0.02253752201795578, -0.020586783066391945, -0.033136527985334396, -0.016776343807578087, -0.008472703397274017, 0.0018938410794362426, 0.008128073066473007, 0.005907483398914337, -0.009487086907029152, -0.0304575152695179, 0.0012370927724987268, 0.00818009302020073, -0.0049288636073470116, -0.0010143835097551346, -0.016282156109809875, -0.010319401510059834, 0.02227742224931717, -0.055661045014858246, -0.012224622070789337, 0.01252373494207859, 0.005071917548775673, 0.016542254015803337, -0.019689444452524185, 0.025814760476350784, 0.010156840085983276, 0.007789945229887962, 0.04619346559047699, 0.021276043727993965, 0.021471118554472923, 0.004600489512085915, -0.00762088131159544, -0.00933102797716856, 0.0007518467609770596, -0.015098708681762218, -0.018571021035313606, -0.02620490826666355, 0.008459698408842087, -0.017673682421445847, -0.021679196506738663, 0.023590920493006706, -0.028636828064918518, -0.035815540701150894, -0.02121102064847946, -0.01639920100569725, 0.019936537370085716, -0.01844097301363945, 0.01981949433684349, -0.03521731495857239, 0.007783442735671997, 0.009181471541523933, -0.04869040846824646, 0.010846100747585297, -0.00034564631641842425, -0.009305018000304699, 0.012146593071520329, -0.025086484849452972, -0.018974173814058304, -0.031081752851605415, -0.006964133121073246, -0.016568263992667198, 0.009422062896192074, 0.014929644763469696, -0.005468567833304405, 0.03370874375104904, 0.026269933208823204, -0.03487918898463249, -0.03438499942421913, -0.003693396458402276, 0.02300569787621498, 0.019676439464092255, -0.0016020432813093066, 0.0018938410794362426, 0.04694775119423866, -0.011951519176363945, -0.002509949030354619, 0.03097771294414997, 0.004984134342521429, -0.014890629798173904, -0.008732802234590054, 0.020170627161860466, 0.0010021914495155215, 0.019624419510364532, -0.009604130871593952, -0.023109737783670425, -0.03069160506129265, 0.025216534733772278, -0.018779100850224495, 0.007796447724103928, -0.015592895448207855, 0.004837829153984785, 0.012322159484028816, -0.02483939193189144, 0.0195463914424181, 0.04140765592455864, -0.0030187664087861776, 0.0252685546875, -0.03409889340400696, -0.06492054462432861, -0.045205093920230865, -0.0364137664437294, 0.007074675057083368, -0.03526933491230011, -0.01862304098904133, 0.006570734549313784, -0.006762556731700897, -0.015345802530646324, 0.025164514780044556, -0.024969441816210747, -0.0023392594885081053, -0.010768071748316288, 0.01777772232890129, -0.006102557294070721, 0.015605900436639786, 0.014786590822041035, -0.0400291346013546, 0.013460089452564716, 0.0015841614222154021, 0.020391710102558136, -0.04255208745598793, 0.03774026781320572, -0.005478321574628353, 0.0043241349048912525, -0.004223346710205078, 0.007393295411020517, -0.04619346559047699, 0.06450439244508743, -0.022602546960115433, -0.031523920595645905, -0.0050849225372076035, -0.006990143097937107, 0.0350092388689518, -0.022004319354891777, 0.028636828064918518, -0.036985985934734344, 0.018571021035313606, 0.00934403296560049, -0.02707623690366745, 0.008953885175287724, -0.04101750999689102, -0.005390538368374109, 0.014227379113435745, 0.007380290422588587, -0.018063830211758614, -0.013141469098627567, 0.028532788157463074, 0.0613832101225853, -0.01386324129998684, 0.00029972271295264363, -0.009974771179258823, 0.0012013291707262397, -0.02477436698973179, -0.008609254844486713, -0.013395064510405064, 0.0006096055149100721, -0.0179727952927351, -0.0056116217747330666, 0.015996048226952553, 0.04848233237862587, 0.019299296662211418, 0.01725752465426922, 0.009584624320268631, -0.00046614499296993017, -0.010774574242532253, -0.026686090975999832, -0.0049646273255348206, -0.01574895530939102, -0.002401032717898488, 0.020560774952173233, 0.0017572893993929029, 0.007867975160479546, 0.0004143285332247615, 0.008570240810513496, 0.01870107091963291, -0.009083935059607029, -0.01068353932350874, -0.0390927828848362, 0.04523110017180443, 0.011184228584170341, 0.0005023149424232543, -0.02434520423412323, 5.6337707064813e-05, -0.009305018000304699, 0.012907380238175392, 0.005247483961284161, -0.012023045681416988, 0.030873673036694527, 0.010254377499222755, -0.020885897800326347, 0.018584026023745537, -0.006050537806004286, -0.0007311201770789921, -0.04416469857096672, 0.0015581516781821847, -0.0021571905817836523, 0.031289830803871155, -0.008375166915357113, -0.007998024113476276, 0.026308948174118996, -0.00437940564006567, 0.02529456466436386, 0.005904232617467642, 0.00024221658532042056, -0.007841965183615685, 0.009753688238561153, 0.02072983793914318, -0.010618515312671661, -0.007939501665532589, -0.0038299481384456158, 0.008472703397274017, 0.021302053704857826, 0.022147374227643013, 0.0005023149424232543, -0.03050953522324562, -0.03503524512052536, -0.0010485214879736304, 0.007425807882100344, 0.02206934429705143, 0.00562787801027298, -0.01955939456820488, 0.04510105401277542, -0.025645697489380836, -0.020612793043255806, -0.023538900539278984, 0.02048274502158165, -0.03597160056233406, 0.0029504906851798296, 0.014474472962319851, 0.017803732305765152, -0.0006896670092828572, -0.006564232055097818, 0.0004159541567787528, 0.05332016199827194, -0.012159597128629684, 0.008680782280862331, 0.016308166086673737, 0.007640388794243336, 0.0018255652394145727, -0.023538900539278984, -0.01590501330792904, -0.020872892811894417, -0.0010347036877647042, 0.023838013410568237, -0.005263740196824074, 0.017803732305765152, 0.011710927821695805, 0.005182459484785795, 0.019416341558098793, -0.0023701461032032967, 0.02845475822687149, -0.006486202590167522, -0.029209043830633163, 0.04169376567006111, -0.003148815594613552, 0.02824668027460575, 0.004496450070291758, -0.036335740238428116, -0.030795643106102943, 0.011892996728420258, -0.009161964058876038, -0.012172602117061615, 0.036725886166095734, -0.04393060877919197, -0.0001884696976048872, 0.012315656989812851, 0.007211226504296064, 0.0038429531268775463, 0.005624626763164997, 0.03919681906700134, -0.004086795262992382, 0.028168650344014168, 0.016464225947856903, 0.008134575560688972, -0.020170627161860466, -0.0029049734584987164, -0.04525711014866829, 0.04182381182909012, 0.004138814751058817, -0.006232606712728739, -0.02321377769112587, 0.00933102797716856, 0.02980726957321167, 0.006222852971404791, 0.006925118621438742, 0.0010899746557697654]}, "text_id_to_ref_doc_id": {"d6b5ab1d-0961-4e99-a108-30d70f8abef2": "309869f6-cbad-4141-8027-86efda9e030f", "c09194cd-6361-42ac-b9e7-ba087c74d7e2": "309869f6-cbad-4141-8027-86efda9e030f", "5532cc4a-e055-410c-a373-49430e34d5d1": "309869f6-cbad-4141-8027-86efda9e030f", "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d": "309869f6-cbad-4141-8027-86efda9e030f", "f192b2db-6de7-4806-9c6c-8e1c3abc1d93": "309869f6-cbad-4141-8027-86efda9e030f", "56da22db-41b3-4aaf-808d-821deae2e5e4": "309869f6-cbad-4141-8027-86efda9e030f", "05751854-84bb-4efb-aac7-1b9c0963712a": "309869f6-cbad-4141-8027-86efda9e030f", "c6a53284-e08f-4c91-9247-67afe3d6a669": "309869f6-cbad-4141-8027-86efda9e030f", "3549011f-8621-461a-8d53-00df3e0ba5cb": "309869f6-cbad-4141-8027-86efda9e030f", "9c6fc2b6-6251-4321-bc19-11724a6c4ce2": "309869f6-cbad-4141-8027-86efda9e030f", "788851b8-e719-4796-86ba-109ea1e03798": "309869f6-cbad-4141-8027-86efda9e030f", "df752e78-023d-4043-b0f9-a822ac6ebb6c": "309869f6-cbad-4141-8027-86efda9e030f", "7fb24649-a9ee-4879-95a5-576f1218764b": "309869f6-cbad-4141-8027-86efda9e030f", "2fcc3328-92c5-4a67-8bf3-077a0f0e0360": "309869f6-cbad-4141-8027-86efda9e030f", "e7923477-3d12-4cc7-9ec6-8074aa07a454": "309869f6-cbad-4141-8027-86efda9e030f", "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521": "309869f6-cbad-4141-8027-86efda9e030f", "d4e8af6d-31e3-4394-a497-198261b0be54": "309869f6-cbad-4141-8027-86efda9e030f", "9d3ab415-92f1-4d4c-ada2-3df199495f44": "309869f6-cbad-4141-8027-86efda9e030f", "e91808ff-f72e-4cd2-a10e-7b7027c3117e": "309869f6-cbad-4141-8027-86efda9e030f", "88b792b9-c388-4e3b-a521-9213b14898ff": "309869f6-cbad-4141-8027-86efda9e030f", "79b10ad5-6204-4319-b7ff-1168bb0268ba": "309869f6-cbad-4141-8027-86efda9e030f", "2780b88e-9078-43df-a63d-9a8c6be609ba": "309869f6-cbad-4141-8027-86efda9e030f", "889775ae-5120-4b1c-8b55-929e79c14bb8": "309869f6-cbad-4141-8027-86efda9e030f", "6c38ece5-f833-48a8-a596-699a8eaebd4d": "309869f6-cbad-4141-8027-86efda9e030f", "160f5173-ce59-4354-bb1b-2ef61fda44bd": "309869f6-cbad-4141-8027-86efda9e030f", "b672476d-0dd7-453f-9a5b-8b198624b7e4": "309869f6-cbad-4141-8027-86efda9e030f", "46074827-aca5-4bc0-8450-1cc7ae4b8581": "309869f6-cbad-4141-8027-86efda9e030f", "da081514-32e3-43c9-a641-fc4961aeb8f1": "309869f6-cbad-4141-8027-86efda9e030f", "29bf10fc-248f-4095-9e35-4f679dfebc96": "309869f6-cbad-4141-8027-86efda9e030f", "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa": "309869f6-cbad-4141-8027-86efda9e030f", "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f": "309869f6-cbad-4141-8027-86efda9e030f", "026deff9-e172-4d98-82cc-712515a0d142": "309869f6-cbad-4141-8027-86efda9e030f", "41865b0a-f466-4af8-bb63-d65448869e93": "309869f6-cbad-4141-8027-86efda9e030f", "8eee4a42-8c54-47d8-b806-f666e7dff495": "309869f6-cbad-4141-8027-86efda9e030f", "a1d9a7e2-807c-4234-87aa-fb04d212b1d6": "309869f6-cbad-4141-8027-86efda9e030f", "c002f794-a118-4596-8fc5-1a583fc1cd8e": "309869f6-cbad-4141-8027-86efda9e030f", "35e2081d-5288-4b59-8e8d-3e956a47ae9c": "309869f6-cbad-4141-8027-86efda9e030f", "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c": "309869f6-cbad-4141-8027-86efda9e030f", "d601700a-368f-4017-b334-d46d10325bbb": "309869f6-cbad-4141-8027-86efda9e030f", "fbae5f18-728a-4c9e-a69a-4dcc99522076": "309869f6-cbad-4141-8027-86efda9e030f", "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5": "309869f6-cbad-4141-8027-86efda9e030f", "bb824fc5-0534-4c58-a06a-ed71019e476d": "309869f6-cbad-4141-8027-86efda9e030f", "b85898f8-4f69-4654-ae10-15ef39064e9c": "309869f6-cbad-4141-8027-86efda9e030f", "71393b4c-c46e-4772-ae25-4900737e9f88": "309869f6-cbad-4141-8027-86efda9e030f", "87f2210c-e344-4a79-8168-3e0b8a94f5c3": "309869f6-cbad-4141-8027-86efda9e030f", "13f2a3a8-2c0d-4b42-a9c6-a5719324f406": "309869f6-cbad-4141-8027-86efda9e030f", "b2d85a76-08fc-45aa-94c2-177c8996dcc1": "309869f6-cbad-4141-8027-86efda9e030f", "ac709021-f911-4b35-be05-f3b3411f7d9c": "309869f6-cbad-4141-8027-86efda9e030f", "096927c1-1464-4bbe-8d55-39811b68b384": "309869f6-cbad-4141-8027-86efda9e030f", "c3d6c75e-a3ef-443a-b724-199be3dc9897": "309869f6-cbad-4141-8027-86efda9e030f", "f082491a-5cfc-49c0-9c75-1b8f8cbe283f": "309869f6-cbad-4141-8027-86efda9e030f", "d7bffc3e-0af8-49ec-a00c-75692643ffa1": "309869f6-cbad-4141-8027-86efda9e030f"}, "metadata_dict": {"d6b5ab1d-0961-4e99-a108-30d70f8abef2": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c09194cd-6361-42ac-b9e7-ba087c74d7e2": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "5532cc4a-e055-410c-a373-49430e34d5d1": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "f192b2db-6de7-4806-9c6c-8e1c3abc1d93": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "56da22db-41b3-4aaf-808d-821deae2e5e4": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "05751854-84bb-4efb-aac7-1b9c0963712a": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c6a53284-e08f-4c91-9247-67afe3d6a669": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "3549011f-8621-461a-8d53-00df3e0ba5cb": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "9c6fc2b6-6251-4321-bc19-11724a6c4ce2": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "788851b8-e719-4796-86ba-109ea1e03798": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "df752e78-023d-4043-b0f9-a822ac6ebb6c": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "7fb24649-a9ee-4879-95a5-576f1218764b": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "2fcc3328-92c5-4a67-8bf3-077a0f0e0360": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "e7923477-3d12-4cc7-9ec6-8074aa07a454": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d4e8af6d-31e3-4394-a497-198261b0be54": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "9d3ab415-92f1-4d4c-ada2-3df199495f44": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "e91808ff-f72e-4cd2-a10e-7b7027c3117e": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "88b792b9-c388-4e3b-a521-9213b14898ff": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "79b10ad5-6204-4319-b7ff-1168bb0268ba": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "2780b88e-9078-43df-a63d-9a8c6be609ba": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "889775ae-5120-4b1c-8b55-929e79c14bb8": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "6c38ece5-f833-48a8-a596-699a8eaebd4d": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "160f5173-ce59-4354-bb1b-2ef61fda44bd": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "b672476d-0dd7-453f-9a5b-8b198624b7e4": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "46074827-aca5-4bc0-8450-1cc7ae4b8581": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "da081514-32e3-43c9-a641-fc4961aeb8f1": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "29bf10fc-248f-4095-9e35-4f679dfebc96": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "026deff9-e172-4d98-82cc-712515a0d142": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "41865b0a-f466-4af8-bb63-d65448869e93": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "8eee4a42-8c54-47d8-b806-f666e7dff495": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "a1d9a7e2-807c-4234-87aa-fb04d212b1d6": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c002f794-a118-4596-8fc5-1a583fc1cd8e": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "35e2081d-5288-4b59-8e8d-3e956a47ae9c": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d601700a-368f-4017-b334-d46d10325bbb": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "fbae5f18-728a-4c9e-a69a-4dcc99522076": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "bb824fc5-0534-4c58-a06a-ed71019e476d": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "b85898f8-4f69-4654-ae10-15ef39064e9c": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "71393b4c-c46e-4772-ae25-4900737e9f88": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "87f2210c-e344-4a79-8168-3e0b8a94f5c3": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "13f2a3a8-2c0d-4b42-a9c6-a5719324f406": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "b2d85a76-08fc-45aa-94c2-177c8996dcc1": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "ac709021-f911-4b35-be05-f3b3411f7d9c": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "096927c1-1464-4bbe-8d55-39811b68b384": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c3d6c75e-a3ef-443a-b724-199be3dc9897": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "f082491a-5cfc-49c0-9c75-1b8f8cbe283f": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d7bffc3e-0af8-49ec-a00c-75692643ffa1": {"_node_type": "TextNode", "document_id": "309869f6-cbad-4141-8027-86efda9e030f", "doc_id": "309869f6-cbad-4141-8027-86efda9e030f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}}} \ No newline at end of file diff --git a/storage/docstore.json b/storage/docstore.json index 78e5011..0253364 100644 --- a/storage/docstore.json +++ b/storage/docstore.json @@ -1 +1 @@ -{"docstore/metadata": {"216d112e-3882-498a-9a6e-4b171089ac92": {"doc_hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3"}, "cb7d35e2-7643-4351-a5c9-f73e106da74b": {"doc_hash": "1f1b9181d2454ace1d89bfc1ca4f6934e07ae122f19abbb68f3bddf8ce2586e5", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "a81795a9-669b-470c-8f84-ba33adf7596d": {"doc_hash": "7d7e635c8a7c666f29ccdafe76acd8a5afa6b6c1ed8f431760b48ce1b5f7f719", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "3f418996-ec74-436a-bacf-f32d9af850aa": {"doc_hash": "5e88c14edab131cedec703c24e6207d2f14b2a7715f65e2782d9a73c1ac80a2d", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "c742b29b-bab3-4abc-805d-f470b49e46e3": {"doc_hash": "95c42cf9a3b7efc43cc0f9ce581a5f8628b95bf1e0edcfb9a1922635c7a2d33b", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "3971ba22-57eb-45e7-9d42-5e47a94a33fa": {"doc_hash": "88679dbfcc9bd471c143b039e3f3756d438a995058c57aec6e499d114ecc1d7c", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "138b76dd-e345-4d31-a006-e48048a69469": {"doc_hash": "24763e060b63a35893650de3eb32bdc8a18e67d8af13fe5163c68147fc15e2f7", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "fd292866-84f1-402a-9736-1d48ba26f405": {"doc_hash": "1ccbf7f889bec327eec5e2e7f2e939204d7b0b50baa00628b17ff58407005e28", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}, "00e8827b-1fde-4314-9937-17b05d3dcb5a": {"doc_hash": "4dda7cb953ad6055d05336ca3f9375f8a025d704cbeeb88a4c1ddcbcf4dcd4a5", "ref_doc_id": "216d112e-3882-498a-9a6e-4b171089ac92"}}, "docstore/data": {"cb7d35e2-7643-4351-a5c9-f73e106da74b": {"__data__": {"id_": "cb7d35e2-7643-4351-a5c9-f73e106da74b", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "a81795a9-669b-470c-8f84-ba33adf7596d", "node_type": "1", "metadata": {}, "hash": "7d7e635c8a7c666f29ccdafe76acd8a5afa6b6c1ed8f431760b48ce1b5f7f719", "class_name": "RelatedNodeInfo"}}, "text": "HD Customer Service Questions and Answers\n\nQ1: How do I reactivate a deactivated ID?\nMetadata: Reactivation, ID, OTP verification, Account activation\nAnswer:\n1. Click on \"ACTIVATE ACCOUNT\" on the main screen.\n2. Verify your Username. An OTP will be sent to your registered mobile number.\n3. Enter the received OTP on the screen and submit.\n4. Your account will be reactivated. Please log in again.\n\nQ2: Why can't I see the scheme in my app?\nMetadata: App issues, Scheme visibility, Data update\nAnswer: Update the app data to check if the scheme becomes visible.\n\nQ3: How do I load my wallet in the AMS app?\nMetadata: Wallet loading, Fund request, Sub distributor\nAnswer:\n1. Deposit cash at the center.\n2. Raise a fund request to the sub distributor using the AMS app.\n3. Once approved by the sub distributor, funds will be credited to your wallet.\n\nQ4: How do I resolve a session expired issue?\nMetadata: Session issues, App logout, Login\nAnswer: Log out of the app and then log back in to resolve a session expiry issue.\n\nQ5: What should I do if my account shows expired?\nMetadata: Account expiry, Project end, Coordinator contact\nAnswer: If the account says expired, it means the organization or project has ended. Please contact your coordinator.\n\nQ6: Why am I not able to see mapped schemes in the eligible scheme lists?\nMetadata: Mapped schemes, Eligibility, Questionnaire\nAnswer: Ensure you have completed the full screening by filling out the questionnaire according to the criteria.\n\nQ7: How do I change the language in the app?\nMetadata: App settings, Language change\nAnswer:\n1. Open the app dashboard, click on the three lines in the left corner.\n2. Click on the first option and choose your language.\n3. Alternatively, upon logging in, find the language icon in the bottom panel to change the language.\n\nQ8: How do I handle Errors 99 and 100?\nMetadata: Error handling, Internet issues\nAnswer: Check your internet connection or try changing the network.\n\nQ9: How do I resolve an app data missing error?\nMetadata: Data issues, Scheme mapping, Rate cards\nAnswer: Contact a researcher or LM to map schemes, apply rate cards, and publish the DQ.\n\nQ10: How do I sync records in the app?", "mimetype": "text/plain", "start_char_idx": 0, "end_char_idx": 2191, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "a81795a9-669b-470c-8f84-ba33adf7596d": {"__data__": {"id_": "a81795a9-669b-470c-8f84-ba33adf7596d", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "cb7d35e2-7643-4351-a5c9-f73e106da74b", "node_type": "1", "metadata": {}, "hash": "1f1b9181d2454ace1d89bfc1ca4f6934e07ae122f19abbb68f3bddf8ce2586e5", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "3f418996-ec74-436a-bacf-f32d9af850aa", "node_type": "1", "metadata": {}, "hash": "5e88c14edab131cedec703c24e6207d2f14b2a7715f65e2782d9a73c1ac80a2d", "class_name": "RelatedNodeInfo"}}, "text": "Metadata: Mapped schemes, Eligibility, Questionnaire\nAnswer: Ensure you have completed the full screening by filling out the questionnaire according to the criteria.\n\nQ7: How do I change the language in the app?\nMetadata: App settings, Language change\nAnswer:\n1. Open the app dashboard, click on the three lines in the left corner.\n2. Click on the first option and choose your language.\n3. Alternatively, upon logging in, find the language icon in the bottom panel to change the language.\n\nQ8: How do I handle Errors 99 and 100?\nMetadata: Error handling, Internet issues\nAnswer: Check your internet connection or try changing the network.\n\nQ9: How do I resolve an app data missing error?\nMetadata: Data issues, Scheme mapping, Rate cards\nAnswer: Contact a researcher or LM to map schemes, apply rate cards, and publish the DQ.\n\nQ10: How do I sync records in the app?\nMetadata: Data sync, Record management\nAnswer:\n1. Long press the record and click on the cloud button to sync.\n2. Alternatively, use the cloud button at the top right on the Home Page to sync records.\n\nQ11: How do I import records?\nMetadata: Record import, App navigation\nAnswer:\n1. Open the AMS app.\n2. Click on the three lines in the left corner.\n3. Go to settings, then select \"Import my Records\".\n\nQ12: How do I select the proper district block subdistrict (Rural, Urban)?\nMetadata: Geographical selection, Rural and Urban areas\nAnswer:\n1. Choose State Name, District Name, and Type of Area (Rural or Urban).\n2. For Rural: Select Block, Subdistrict, Village, and Pincode.\n3. For Urban: Select ULB (Urban Local Body), Ward Number, and Pincode.\n\nQ13: How do I do an app data/configuration update?\nMetadata: App update, Settings, Configuration\nAnswer:\n1. Click on the menu button.\n2. Go to settings and select \"Do app data update\".\n3. Click on the about menu for configuration updates.\n\nQ14: How do I update the app?\nMetadata: App updates, Software update\nAnswer:\n1. Open the AMS app.\n2. Click on the three lines in the left corner.\n3. Go to settings and then select \"Do app data update\".", "mimetype": "text/plain", "start_char_idx": 1325, "end_char_idx": 3381, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "3f418996-ec74-436a-bacf-f32d9af850aa": {"__data__": {"id_": "3f418996-ec74-436a-bacf-f32d9af850aa", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "a81795a9-669b-470c-8f84-ba33adf7596d", "node_type": "1", "metadata": {}, "hash": "7d7e635c8a7c666f29ccdafe76acd8a5afa6b6c1ed8f431760b48ce1b5f7f719", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "c742b29b-bab3-4abc-805d-f470b49e46e3", "node_type": "1", "metadata": {}, "hash": "95c42cf9a3b7efc43cc0f9ce581a5f8628b95bf1e0edcfb9a1922635c7a2d33b", "class_name": "RelatedNodeInfo"}}, "text": "Metadata: Geographical selection, Rural and Urban areas\nAnswer:\n1. Choose State Name, District Name, and Type of Area (Rural or Urban).\n2. For Rural: Select Block, Subdistrict, Village, and Pincode.\n3. For Urban: Select ULB (Urban Local Body), Ward Number, and Pincode.\n\nQ13: How do I do an app data/configuration update?\nMetadata: App update, Settings, Configuration\nAnswer:\n1. Click on the menu button.\n2. Go to settings and select \"Do app data update\".\n3. Click on the about menu for configuration updates.\n\nQ14: How do I update the app?\nMetadata: App updates, Software update\nAnswer:\n1. Open the AMS app.\n2. Click on the three lines in the left corner.\n3. Go to settings and then select \"Do app data update\".\n\nQ15: How do I see the eligibility criteria for a particular scheme?\nMetadata: Scheme eligibility, Criteria viewing\nAnswer:\n1. Select a scheme directly.\n2. After selection, eligibility details will be listed.\n\nQ16: How do I view the lists of schemes and documents?\nMetadata: Scheme documentation, App navigation\nAnswer:\n1. After logging into the app, click on the three lines at the bottom left.\n2. Schemes and documents will be visible in the menu.\n\nQ17: How do I differentiate between mini screening and full screening?\nMetadata: Screening process, Eligibility schemes\nAnswer:\n1. Mini Screening: Includes personal, address, family, and demographic details.\n2. Full Screening: Involves filling out detailed questionnaires for eligible scheme assessment after mini screening.\n\nQ18: Tell me the difference between direct scheme applications and full screen applications.\nMetadata: Scheme applications, Direct application, Full screening\nAnswer:\n1. Direct Scheme Application: Select a scheme, check eligibility, fill in required details according to it and apply for the particular scheme\n2. Full Screen Applications: To fetch the more eligible scheme for the mini screened citizen need to click on\n\nQ19: I have not received my payment yet. When will I receive my payment for last month?\nMetadata: Payment Delays\nAnswer: Connect with your manager for the payment cycle and ask them to verify the settlement report.\n\nQ20: I have received only partial payment for XYZ project.", "mimetype": "text/plain", "start_char_idx": 2669, "end_char_idx": 4854, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "c742b29b-bab3-4abc-805d-f470b49e46e3": {"__data__": {"id_": "c742b29b-bab3-4abc-805d-f470b49e46e3", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "3f418996-ec74-436a-bacf-f32d9af850aa", "node_type": "1", "metadata": {}, "hash": "5e88c14edab131cedec703c24e6207d2f14b2a7715f65e2782d9a73c1ac80a2d", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "3971ba22-57eb-45e7-9d42-5e47a94a33fa", "node_type": "1", "metadata": {}, "hash": "88679dbfcc9bd471c143b039e3f3756d438a995058c57aec6e499d114ecc1d7c", "class_name": "RelatedNodeInfo"}}, "text": "Metadata: Screening process, Eligibility schemes\nAnswer:\n1. Mini Screening: Includes personal, address, family, and demographic details.\n2. Full Screening: Involves filling out detailed questionnaires for eligible scheme assessment after mini screening.\n\nQ18: Tell me the difference between direct scheme applications and full screen applications.\nMetadata: Scheme applications, Direct application, Full screening\nAnswer:\n1. Direct Scheme Application: Select a scheme, check eligibility, fill in required details according to it and apply for the particular scheme\n2. Full Screen Applications: To fetch the more eligible scheme for the mini screened citizen need to click on\n\nQ19: I have not received my payment yet. When will I receive my payment for last month?\nMetadata: Payment Delays\nAnswer: Connect with your manager for the payment cycle and ask them to verify the settlement report.\n\nQ20: I have received only partial payment for XYZ project.\nMetadata: Payment Delays\nAnswer: Payment is done as per the case status and the rate card is applied for the particular cases. Please connect with project manager or a coordinator for further clarifications.\n\nQ21: I have been asked to return the money I received for the applications made for XYZ project.\nMetadata: Payment Delays\nAnswer: After reviewing the cases, if the M&E team discovers any duplicates or rejected applications from the backend, those cases are aborted, and the payment for those cases is recovered in the next payment cycle.\n\nQ22: Why was my payment not made during the payment cycle?\nMetadata: Payment Delays\nAnswer: It depends upon the bank details that have been provided. If any details are missing and need to be updated, there may be a delay in payment. Please connect with your manager for the payment cycle.\n\nQ23: I did a particular number of applications but I received payment for less number of applications.\nMetadata: Payment Delays\nAnswer: It depends upon the case status, i.e., on what stage the case status has been updated and verified will determine the number included in the settlement report.\n\nQ24: How much payment was given per application for a particular project?\nMetadata: Payment Delays\nAnswer: The project manager decides the payment for particular schemes and according to that, the researcher will update the rate card. As per the mapped rate card, the payment gets initiated for each project.", "mimetype": "text/plain", "start_char_idx": 3904, "end_char_idx": 6299, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "3971ba22-57eb-45e7-9d42-5e47a94a33fa": {"__data__": {"id_": "3971ba22-57eb-45e7-9d42-5e47a94a33fa", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "c742b29b-bab3-4abc-805d-f470b49e46e3", "node_type": "1", "metadata": {}, "hash": "95c42cf9a3b7efc43cc0f9ce581a5f8628b95bf1e0edcfb9a1922635c7a2d33b", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "138b76dd-e345-4d31-a006-e48048a69469", "node_type": "1", "metadata": {}, "hash": "24763e060b63a35893650de3eb32bdc8a18e67d8af13fe5163c68147fc15e2f7", "class_name": "RelatedNodeInfo"}}, "text": "Q22: Why was my payment not made during the payment cycle?\nMetadata: Payment Delays\nAnswer: It depends upon the bank details that have been provided. If any details are missing and need to be updated, there may be a delay in payment. Please connect with your manager for the payment cycle.\n\nQ23: I did a particular number of applications but I received payment for less number of applications.\nMetadata: Payment Delays\nAnswer: It depends upon the case status, i.e., on what stage the case status has been updated and verified will determine the number included in the settlement report.\n\nQ24: How much payment was given per application for a particular project?\nMetadata: Payment Delays\nAnswer: The project manager decides the payment for particular schemes and according to that, the researcher will update the rate card. As per the mapped rate card, the payment gets initiated for each project.\n\nQ25: There is a payment for docket submitted but in this case if the benefit received takes time, will I get full payment for all the DS applications?\nMetadata: Payment Delays\nAnswer: Yes. If the rate card is mapped for the docket submitted status, once the applications are in the docket submitted status, then the haqdarshak will get the payment.\n\nQ26: Even after waiting for long, OTP did not come.\nMetadata: Technical and Trust Issues with OTPs\nAnswer: The user must have an active plan on their provided number, and must have network coverage. The user can troubleshoot by toggling the airplane mode on and then off on their phone.\n\nQ27: OTP was delivered, but by the time I entered it, it got timed out.\nMetadata: Technical and Trust Issues with OTPs\nAnswer: If the OTP expires, you should click the resend OTP button.\n\nQ28: Citizens were hesitant to share the OTP.\nMetadata: Technical and Trust Issues with OTPs\nAnswer: The Haqdarshak needs to explain to the citizen why the OTP is needed, with full information about our T&C and benefits they share the OTP.\n\nQ29: Is there a way to bypass the OTP where the citizen is reluctant to share the OTP?\nMetadata: Technical and Trust Issues with OTPs\nAnswer: OTP is the citizen's consent and cannot be bypassed. Haqdarshaks need to convince the citizen of the reason we collect the OTP.\n\nQ30: OTP was received in a different number.", "mimetype": "text/plain", "start_char_idx": 5403, "end_char_idx": 7683, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "138b76dd-e345-4d31-a006-e48048a69469": {"__data__": {"id_": "138b76dd-e345-4d31-a006-e48048a69469", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "3971ba22-57eb-45e7-9d42-5e47a94a33fa", "node_type": "1", "metadata": {}, "hash": "88679dbfcc9bd471c143b039e3f3756d438a995058c57aec6e499d114ecc1d7c", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "fd292866-84f1-402a-9736-1d48ba26f405", "node_type": "1", "metadata": {}, "hash": "1ccbf7f889bec327eec5e2e7f2e939204d7b0b50baa00628b17ff58407005e28", "class_name": "RelatedNodeInfo"}}, "text": "The user can troubleshoot by toggling the airplane mode on and then off on their phone.\n\nQ27: OTP was delivered, but by the time I entered it, it got timed out.\nMetadata: Technical and Trust Issues with OTPs\nAnswer: If the OTP expires, you should click the resend OTP button.\n\nQ28: Citizens were hesitant to share the OTP.\nMetadata: Technical and Trust Issues with OTPs\nAnswer: The Haqdarshak needs to explain to the citizen why the OTP is needed, with full information about our T&C and benefits they share the OTP.\n\nQ29: Is there a way to bypass the OTP where the citizen is reluctant to share the OTP?\nMetadata: Technical and Trust Issues with OTPs\nAnswer: OTP is the citizen's consent and cannot be bypassed. Haqdarshaks need to convince the citizen of the reason we collect the OTP.\n\nQ30: OTP was received in a different number.\nMetadata: Technical and Trust Issues with OTPs\nAnswer: Please verify the number carefully. Only the number entered during registration will receive the OTP.\n\nQ31: I am not able to Login to the APP with the login ID credentials.\nMetadata: App and Network Issues\nAnswer: If the user has entered the correct username, password and product key, then the login will happen properly. If a previous device is registered, the user will see the \"user exceeded\" error. If the user has not opened the app in over 14 days, then the user will get an error pop up that their account is inactive.\n\nQ32: After uploading the proofs, it takes long time to sync the data in the HD app.\nMetadata: App and Network Issues\nAnswer: Make sure the network coverage is strong while uploading the proof to avoid any errors.\n\nQ33: App data sync up is very slow.\nMetadata: App and Network Issues\nAnswer: Make sure the network coverage is strong.\n\nQ34: While creating the profile, suddenly the App restarts.\nMetadata: App and Network Issues\nAnswer: This issue was occurring earlier and now has been fixed.\n\nQ35: Even if the citizen is eligible, certain schemes do not show in the eligible schemes.\nMetadata: App and Network Issues\nAnswer: If the questionnaire is completed correctly, the relevant schemes will be shown as per the eligibility criteria. Please make sure that the scheme you are looking for is mapped under that org.\n\nQ36: I am not able to create a case for a citizen in the App.", "mimetype": "text/plain", "start_char_idx": 6850, "end_char_idx": 9146, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "fd292866-84f1-402a-9736-1d48ba26f405": {"__data__": {"id_": "fd292866-84f1-402a-9736-1d48ba26f405", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "138b76dd-e345-4d31-a006-e48048a69469", "node_type": "1", "metadata": {}, "hash": "24763e060b63a35893650de3eb32bdc8a18e67d8af13fe5163c68147fc15e2f7", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "00e8827b-1fde-4314-9937-17b05d3dcb5a", "node_type": "1", "metadata": {}, "hash": "4dda7cb953ad6055d05336ca3f9375f8a025d704cbeeb88a4c1ddcbcf4dcd4a5", "class_name": "RelatedNodeInfo"}}, "text": "Q32: After uploading the proofs, it takes long time to sync the data in the HD app.\nMetadata: App and Network Issues\nAnswer: Make sure the network coverage is strong while uploading the proof to avoid any errors.\n\nQ33: App data sync up is very slow.\nMetadata: App and Network Issues\nAnswer: Make sure the network coverage is strong.\n\nQ34: While creating the profile, suddenly the App restarts.\nMetadata: App and Network Issues\nAnswer: This issue was occurring earlier and now has been fixed.\n\nQ35: Even if the citizen is eligible, certain schemes do not show in the eligible schemes.\nMetadata: App and Network Issues\nAnswer: If the questionnaire is completed correctly, the relevant schemes will be shown as per the eligibility criteria. Please make sure that the scheme you are looking for is mapped under that org.\n\nQ36: I am not able to create a case for a citizen in the App.\nMetadata: App and Network Issues\nAnswer: Before creating a case, first the haqdarshak needs to add the family. After adding the family, the haqdarshak needs to fill the questionnaire. Then according to the filled questions, a case can be opened for a scheme or document.\n\nQ37: I am not able to screen the citizen, it is buffering.\nMetadata: App and Network Issues\nAnswer: Haqdarshak needs to restart the app and start the process of screening again.\n\nQ38: I do not know how to check beneficiary status of various schemes such as PM Kisan, MGNREGA.\nMetadata: Training and Scheme Application Needs\nAnswer: The user can check the beneficiary status on the government website of the particular scheme.\n\nQ39: What is the eligibility of scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: The haqdarshak can do this in the HD app, they need to click on the scheme and check the eligibility criteria.\n\nQ40: What documents are required to apply for scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: The haqdarshak can do this in the HD app, they need to click on the scheme and check the documents required.\n\nQ41: What is the service fee for scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: Service fee is nothing but how much HD takes charge to do the application for any schemes. It depends on the project module.\n\nQ42: What is the screening fee for scheme xyz?", "mimetype": "text/plain", "start_char_idx": 8267, "end_char_idx": 10555, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "00e8827b-1fde-4314-9937-17b05d3dcb5a": {"__data__": {"id_": "00e8827b-1fde-4314-9937-17b05d3dcb5a", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "216d112e-3882-498a-9a6e-4b171089ac92", "node_type": "4", "metadata": {}, "hash": "b78ba1736f10112af16320e1e95ecc6369a3b01511ecbe3175d80a20bc0c4ea3", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "fd292866-84f1-402a-9736-1d48ba26f405", "node_type": "1", "metadata": {}, "hash": "1ccbf7f889bec327eec5e2e7f2e939204d7b0b50baa00628b17ff58407005e28", "class_name": "RelatedNodeInfo"}}, "text": "Metadata: Training and Scheme Application Needs\nAnswer: The user can check the beneficiary status on the government website of the particular scheme.\n\nQ39: What is the eligibility of scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: The haqdarshak can do this in the HD app, they need to click on the scheme and check the eligibility criteria.\n\nQ40: What documents are required to apply for scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: The haqdarshak can do this in the HD app, they need to click on the scheme and check the documents required.\n\nQ41: What is the service fee for scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: Service fee is nothing but how much HD takes charge to do the application for any schemes. It depends on the project module.\n\nQ42: What is the screening fee for scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: The screening fee is the token deducted after completing the screening questionnaire in the app to check the list of the available schemes. It involves filling out the questions shown in the app during the screening process.\n\nQ43: What is the government fee for scheme xyz?\nMetadata: Training and Scheme Application Needs\nAnswer: Government fee is the fee which is set by the government to process the application.\n\nQ44: What is configuration update? How do I do it?\nMetadata: Training and Scheme Application Needs\nAnswer: Configuration update is similar to an app data update. If there are changes made in the server from the backend, we need to do this update to reflect in the app. Steps to do it: go to settings of the app, click on the \"About\" option, and click on the configuration update.\n\nQ45: An exclamatory mark is showing on the right side of the citizen profile.\nMetadata: Training and Scheme Application Needs\nAnswer: This means that the citizen's profile is not complete and full screening has not been done.", "mimetype": "text/plain", "start_char_idx": 9695, "end_char_idx": 11634, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}}, "docstore/ref_doc_info": {"216d112e-3882-498a-9a6e-4b171089ac92": {"node_ids": ["cb7d35e2-7643-4351-a5c9-f73e106da74b", "a81795a9-669b-470c-8f84-ba33adf7596d", "3f418996-ec74-436a-bacf-f32d9af850aa", "c742b29b-bab3-4abc-805d-f470b49e46e3", "3971ba22-57eb-45e7-9d42-5e47a94a33fa", "138b76dd-e345-4d31-a006-e48048a69469", "fd292866-84f1-402a-9736-1d48ba26f405", "00e8827b-1fde-4314-9937-17b05d3dcb5a"], "metadata": {}}}} \ No newline at end of file +{"docstore/metadata": {"309869f6-cbad-4141-8027-86efda9e030f": {"doc_hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d"}, "d6b5ab1d-0961-4e99-a108-30d70f8abef2": {"doc_hash": "1f835e04049be83ee3635cfe5f134a7e0f6deb12e7cff19e9d2d48080df06d84", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c09194cd-6361-42ac-b9e7-ba087c74d7e2": {"doc_hash": "7551db76c0309c15eea46e4c9fb3058a4298292403512cf7e506d61dba20fdae", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "5532cc4a-e055-410c-a373-49430e34d5d1": {"doc_hash": "2c95ef3560873bb867085a348a782d72ae11f191883c988cbe731d7f2d77b174", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d": {"doc_hash": "7f3774ae56829d69b267f1689699a72039f56ec725e81e1143c4580394ee7119", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "f192b2db-6de7-4806-9c6c-8e1c3abc1d93": {"doc_hash": "e5a4bd0bdceb8ea4c7edfca49fe661e4bb6310f10960b66f3937e3438b34df99", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "56da22db-41b3-4aaf-808d-821deae2e5e4": {"doc_hash": "55ae8b96c8b9de4b28d21a5eb8c7cba2f3ba1a92a4dc02f10f0d448ae1c4cceb", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "05751854-84bb-4efb-aac7-1b9c0963712a": {"doc_hash": "6e37917e43a696e17be678fb56966108449432fa4c748aa7dd13b3d9ced9bae7", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c6a53284-e08f-4c91-9247-67afe3d6a669": {"doc_hash": "98b1775a17f2496b75d0b4183e12ca977f009eea209a96b3d3215e1dac49734c", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "3549011f-8621-461a-8d53-00df3e0ba5cb": {"doc_hash": "143ce190145adeb729c0140569013b47a87537c5f2be80889a915f527c8691e9", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "9c6fc2b6-6251-4321-bc19-11724a6c4ce2": {"doc_hash": "e90271e93cc881689352f2bb51b7e7511adc6908060baef8bdd8ddb884474438", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "788851b8-e719-4796-86ba-109ea1e03798": {"doc_hash": "df80db7af13ac599dfe5964bda41ba979f58427db51e39098dfd9aaf2a9fb981", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "df752e78-023d-4043-b0f9-a822ac6ebb6c": {"doc_hash": "a767dbc2c8f40fbccec631641fe62a7793ac9799ad127351e7b39426b37fc22f", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "7fb24649-a9ee-4879-95a5-576f1218764b": {"doc_hash": "5afb5bace5fb30730a87d3a33fb5a7c8df302ec08118871c5bc6a4da218d144e", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "2fcc3328-92c5-4a67-8bf3-077a0f0e0360": {"doc_hash": "7b232d5f3dcf05244b38adc985c402b6e4e470a7adec1627b1252bd47f1abd52", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "e7923477-3d12-4cc7-9ec6-8074aa07a454": {"doc_hash": "af82e41e6f789cf1e11cdfc9fbafa3b840a78cb6679060d86e3d208d2ec5b931", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521": {"doc_hash": "e2838978878306edecf9713da826622f95873bd733f37d6ee783fac57d325209", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d4e8af6d-31e3-4394-a497-198261b0be54": {"doc_hash": "742862d0f82205d2fa428d8e2652db47e0494619ffa85a1f78afd489a8de89e5", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "9d3ab415-92f1-4d4c-ada2-3df199495f44": {"doc_hash": "1d3af5f233e339d9898116dc88fd5a5caf71ca37958c673e4d2e29e7f71a3064", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "e91808ff-f72e-4cd2-a10e-7b7027c3117e": {"doc_hash": "dc3e872285568a065de0c0a8be82fa6a3c06c3418526d1ec99d8751abdec78a1", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "88b792b9-c388-4e3b-a521-9213b14898ff": {"doc_hash": "04585e4aba5cfd1dab839b0e462d232a1887aa8492fe2aca8389bcd45c53b274", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "79b10ad5-6204-4319-b7ff-1168bb0268ba": {"doc_hash": "9cfa84672d6ef074383735bd5d3aace6b23c004954ad8cab4d35bea92b873094", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "2780b88e-9078-43df-a63d-9a8c6be609ba": {"doc_hash": "67f0db4080c4f2e8aa2f51e2154d1b66ac0efbf5da62133a0704851e63220eeb", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "889775ae-5120-4b1c-8b55-929e79c14bb8": {"doc_hash": "a98ef1dc6eaa5189295497f24d187772d37a8804191c01f57de73441cb0ee9a6", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "6c38ece5-f833-48a8-a596-699a8eaebd4d": {"doc_hash": "eb4a8d02d1987522757b7864f02058c1d101cff19821ffc907879a98515846ed", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "160f5173-ce59-4354-bb1b-2ef61fda44bd": {"doc_hash": "eef5b37d7d9efb21d4c5be286998c78bc59ae4bba68d478f12d9274489f385c8", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "b672476d-0dd7-453f-9a5b-8b198624b7e4": {"doc_hash": "bd1e6126964a75f62ca36f07883af19b3fd1a4554910d6bfab7521363e65d7ef", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "46074827-aca5-4bc0-8450-1cc7ae4b8581": {"doc_hash": "da9f606143211dcb81fd2edc35b302417284150c56ca5f511392c57a1b709aa2", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "da081514-32e3-43c9-a641-fc4961aeb8f1": {"doc_hash": "7578527b9bf3d1487c4f8025ea92cbb57cfa545a62edd718a165645a1b65d6c9", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "29bf10fc-248f-4095-9e35-4f679dfebc96": {"doc_hash": "48f8c38d307303cd32b9e7b61e424f602a98ade10cfcbbc2da235ff456650143", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa": {"doc_hash": "fdb19d8be1edca8b1139960ac4cd34aa410a3de226d7c52f610ddcc8ddcf8659", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f": {"doc_hash": "e8f5f397a0c65234b7f580c4ffbaa9dd685d1361025bfe2a6701751755f36a78", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "026deff9-e172-4d98-82cc-712515a0d142": {"doc_hash": "04216a84dbcb90b984675834385db4b42345ae423d23018c0454b7f35d577045", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "41865b0a-f466-4af8-bb63-d65448869e93": {"doc_hash": "716836a23aaee7cd4a3b2581e0f1318d741fb592520645bebd915ba4ca4d11c7", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "8eee4a42-8c54-47d8-b806-f666e7dff495": {"doc_hash": "11f1dc436aee74b5ac60f2192882540d1689fb293a7f9e96acedd10a3bfba1a0", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "a1d9a7e2-807c-4234-87aa-fb04d212b1d6": {"doc_hash": "75d2d3d0991c6652d77d07525a821bd60a9e636a25bc8d85230adc12551f1bde", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c002f794-a118-4596-8fc5-1a583fc1cd8e": {"doc_hash": "3b59c149ea4692802a2acb654aa841f9d5cf1fa6c1dec35488de14c5d0a98651", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "35e2081d-5288-4b59-8e8d-3e956a47ae9c": {"doc_hash": "701da727c4e741b91f32cb8cc9c35284afe5e53882b404a46b04b6526a4f9b1c", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c": {"doc_hash": "4754efba725c737d5d5dbf4ecf7a90de18eb5b93c0bc77032199e0c2917a7848", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d601700a-368f-4017-b334-d46d10325bbb": {"doc_hash": "bb75a0931e693a203d8ab91d469174fb86293bbab9913b0e0646279f6696a3be", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "fbae5f18-728a-4c9e-a69a-4dcc99522076": {"doc_hash": "90beea326759848103afa0ab8454a69b8bdca72e574e6a66d9c6f2d32f2420de", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5": {"doc_hash": "56b10b742678053cdf69dd11b2e4e8c0202a07b95657eb970cecc342b7e306c8", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "bb824fc5-0534-4c58-a06a-ed71019e476d": {"doc_hash": "bdf5ed68370f79261416cf429e955416d665b117eaef8347aef47d512dcec969", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "b85898f8-4f69-4654-ae10-15ef39064e9c": {"doc_hash": "d701a61336e8ae48172634fa83d715c2bc3b10b5d8f2888cdb729ef264b09ec9", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "71393b4c-c46e-4772-ae25-4900737e9f88": {"doc_hash": "caa91f7ac0fa455d1887d6ccdf70c74532d6258526dd7484ad7b6f54dc13f8d9", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "87f2210c-e344-4a79-8168-3e0b8a94f5c3": {"doc_hash": "4da80aeb488ff3adf745830824cf805d279a7338da52aa3e547c56ca37221cbe", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "13f2a3a8-2c0d-4b42-a9c6-a5719324f406": {"doc_hash": "68b424ceee143577f5502ee0f48aa58f6e52938d16dc4a9e0262e60268c4b60b", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "b2d85a76-08fc-45aa-94c2-177c8996dcc1": {"doc_hash": "fb38077615fc7f5dab2a2026d1a00fd360b3f21c7f3bc8bbc115ae945bb95d6c", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "ac709021-f911-4b35-be05-f3b3411f7d9c": {"doc_hash": "ce684fdd45d57ba6a32e227bb72a6a1a7eb6c746821752e4fea902f772fe54aa", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "096927c1-1464-4bbe-8d55-39811b68b384": {"doc_hash": "540a1deb60f3b5cad8488b6137bffb8a4b4ac12364167463de84a8c80764136a", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "c3d6c75e-a3ef-443a-b724-199be3dc9897": {"doc_hash": "e042cc620b62964054762a61ebf10e7029b153c98b096ecf5685eebeb1a047c0", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "f082491a-5cfc-49c0-9c75-1b8f8cbe283f": {"doc_hash": "9a60f97d5811cafa4c65dddb78a4b83caf2d5cd81ac9c9f3a2325cc2b4bcdbfe", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}, "d7bffc3e-0af8-49ec-a00c-75692643ffa1": {"doc_hash": "200fafc2cf5cf02ad92c4bb4399e791758b851ff302f86deec028b3e6e1a067d", "ref_doc_id": "309869f6-cbad-4141-8027-86efda9e030f"}}, "docstore/data": {"d6b5ab1d-0961-4e99-a108-30d70f8abef2": {"__data__": {"id_": "d6b5ab1d-0961-4e99-a108-30d70f8abef2", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "c09194cd-6361-42ac-b9e7-ba087c74d7e2", "node_type": "1", "metadata": {}, "hash": "7551db76c0309c15eea46e4c9fb3058a4298292403512cf7e506d61dba20fdae", "class_name": "RelatedNodeInfo"}}, "text": "## Q1: Reactivating a Deactivated ID\n\n**English Questions:**\n- How do I reactivate a deactivated ID?\n- My ID is deactivated. How can I activate it again?\n- What's the process to reactivate my account?\n- My account is inactive. How do I make it active?\n\n**English Answer:**\n1. Click on \"ACTIVATE ACCOUNT\" on the main screen.\n2. Verify your Username. An OTP will be sent to your registered mobile number.\n3. Enter the received OTP on the screen and submit.\n4. Your account will be reactivated. Please log in again.\n\n**Hinglish Questions:**\n- Deactivate ID ko kaise reactivate karu?\n- Meri ID deactivate ho gayi hai. Usse dobara kaise activate karu?\n- Account reactivate karne ka process kya hai?\n- Mera account inactive hai. Usse active kaise karu?\n\n**Hinglish Answer:**\n1. Main screen par \"ACTIVATE ACCOUNT\" par click karo.\n2. Apna Username verify karo. Aapke registered mobile number par ek OTP bheja jayega.\n3. Screen par received OTP enter karo aur submit karo.\n4. Aapka account reactivate ho jayega. Phir se login kijiye.\n\n## Q2: Scheme Visibility in App\n\n**English Questions:**\n- Why can't I see the scheme in my app?\n- The scheme is not visible in the application. What should I do?\n- How do I make schemes appear in my app?\n- I'm unable to view schemes in the app. What's the solution?\n\n**English Answer:**\nUpdate the app data to check if the scheme becomes visible. If the problem persists, ensure that you have the latest version of the app installed.\n\n**Hinglish Questions:**\n- Mujhe app mein scheme kyun nahi dikh raha?\n- Application mein scheme visible nahi ho raha. Kya karna chahiye?\n- App mein schemes kaise dikhau?\n- Mujhe app mein schemes nahi dikh rahe. Iska solution kya hai?\n\n**Hinglish Answer:**\nApp data ko update karo aur check karo ki scheme visible hota hai ya nahi.", "mimetype": "text/plain", "start_char_idx": 0, "end_char_idx": 1790, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "c09194cd-6361-42ac-b9e7-ba087c74d7e2": {"__data__": {"id_": "c09194cd-6361-42ac-b9e7-ba087c74d7e2", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "d6b5ab1d-0961-4e99-a108-30d70f8abef2", "node_type": "1", "metadata": {}, "hash": "1f835e04049be83ee3635cfe5f134a7e0f6deb12e7cff19e9d2d48080df06d84", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "5532cc4a-e055-410c-a373-49430e34d5d1", "node_type": "1", "metadata": {}, "hash": "2c95ef3560873bb867085a348a782d72ae11f191883c988cbe731d7f2d77b174", "class_name": "RelatedNodeInfo"}}, "text": "- The scheme is not visible in the application. What should I do?\n- How do I make schemes appear in my app?\n- I'm unable to view schemes in the app. What's the solution?\n\n**English Answer:**\nUpdate the app data to check if the scheme becomes visible. If the problem persists, ensure that you have the latest version of the app installed.\n\n**Hinglish Questions:**\n- Mujhe app mein scheme kyun nahi dikh raha?\n- Application mein scheme visible nahi ho raha. Kya karna chahiye?\n- App mein schemes kaise dikhau?\n- Mujhe app mein schemes nahi dikh rahe. Iska solution kya hai?\n\n**Hinglish Answer:**\nApp data ko update karo aur check karo ki scheme visible hota hai ya nahi. Agar problem rehta hai, to ensure karo ki aapke paas app ka latest version installed hai.\n\n## Q3: Loading Wallet in AMS App\n\n**English Questions:**\n- How do I load my wallet in the AMS app?\n- What's the process to add funds to my AMS app wallet?\n- I want to put money in my AMS app wallet. How do I do it?\n- Can you explain the steps to fund my AMS app wallet?\n\n**English Answer:**\n1. Deposit cash at the center.\n2. Raise a fund request to the sub distributor using the AMS app.\n3. Once approved by the sub distributor, funds will be credited to your wallet.\n\n**Hinglish Questions:**\n- AMS app mein apna wallet kaise load karu?\n- AMS app wallet mein paise kaise add karu?\n- Mujhe AMS app wallet mein paise daalne hain. Kaise karu?\n- AMS app wallet mein fund karne ke steps bata sakte hain?\n\n**Hinglish Answer:**\n1. Center par cash deposit karo.\n2. AMS app use karke sub distributor ko fund request raise karo.\n3. Sub distributor ke approve karne ke baad, funds aapke wallet mein credit ho jayenge.\n\n## Q4: Resolving Session Expired Issue\n\n**English Questions:**\n- How do I resolve a session expired issue?\n- My session keeps expiring. What should I do?\n- The app says my session has expired. How can I fix this?", "mimetype": "text/plain", "start_char_idx": 1122, "end_char_idx": 3002, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "5532cc4a-e055-410c-a373-49430e34d5d1": {"__data__": {"id_": "5532cc4a-e055-410c-a373-49430e34d5d1", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "c09194cd-6361-42ac-b9e7-ba087c74d7e2", "node_type": "1", "metadata": {}, "hash": "7551db76c0309c15eea46e4c9fb3058a4298292403512cf7e506d61dba20fdae", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d", "node_type": "1", "metadata": {}, "hash": "7f3774ae56829d69b267f1689699a72039f56ec725e81e1143c4580394ee7119", "class_name": "RelatedNodeInfo"}}, "text": "Once approved by the sub distributor, funds will be credited to your wallet.\n\n**Hinglish Questions:**\n- AMS app mein apna wallet kaise load karu?\n- AMS app wallet mein paise kaise add karu?\n- Mujhe AMS app wallet mein paise daalne hain. Kaise karu?\n- AMS app wallet mein fund karne ke steps bata sakte hain?\n\n**Hinglish Answer:**\n1. Center par cash deposit karo.\n2. AMS app use karke sub distributor ko fund request raise karo.\n3. Sub distributor ke approve karne ke baad, funds aapke wallet mein credit ho jayenge.\n\n## Q4: Resolving Session Expired Issue\n\n**English Questions:**\n- How do I resolve a session expired issue?\n- My session keeps expiring. What should I do?\n- The app says my session has expired. How can I fix this?\n- I'm getting a \"session expired\" error. What's the solution?\n\n**English Answer:**\nLog out of the app and then log back in to resolve a session expiry issue. If the problem persists, try clearing the app cache or reinstalling the app.\n\n**Hinglish Questions:**\n- Session expired issue ko kaise solve karu?\n- Mera session baar baar expire ho raha hai. Kya karna chahiye?\n- App keh raha hai ki mera session expire ho gaya. Ise kaise theek karu?\n- Mujhe \"session expired\" error mil raha hai. Iska solution kya hai?\n\n**Hinglish Answer:**\nApp se logout karo aur phir se login karo. Isse session expiry issue solve ho jayega. Agar problem rehta hai, to app ka cache clear karne ya app ko reinstall karne ki koshish karo.\n\n## Q5: Account Showing as Expired\n\n**English Questions:**\n- What should I do if my account shows expired?\n- My account is displaying as expired. What does this mean?\n- I'm getting an \"account expired\" message. How do I fix it?\n- Why is my account showing as expired and what can I do about it?\n\n**English Answer:**\nIf the account says expired, it means the organization or project has ended.", "mimetype": "text/plain", "start_char_idx": 2273, "end_char_idx": 4109, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d": {"__data__": {"id_": "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "5532cc4a-e055-410c-a373-49430e34d5d1", "node_type": "1", "metadata": {}, "hash": "2c95ef3560873bb867085a348a782d72ae11f191883c988cbe731d7f2d77b174", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "f192b2db-6de7-4806-9c6c-8e1c3abc1d93", "node_type": "1", "metadata": {}, "hash": "e5a4bd0bdceb8ea4c7edfca49fe661e4bb6310f10960b66f3937e3438b34df99", "class_name": "RelatedNodeInfo"}}, "text": "Ise kaise theek karu?\n- Mujhe \"session expired\" error mil raha hai. Iska solution kya hai?\n\n**Hinglish Answer:**\nApp se logout karo aur phir se login karo. Isse session expiry issue solve ho jayega. Agar problem rehta hai, to app ka cache clear karne ya app ko reinstall karne ki koshish karo.\n\n## Q5: Account Showing as Expired\n\n**English Questions:**\n- What should I do if my account shows expired?\n- My account is displaying as expired. What does this mean?\n- I'm getting an \"account expired\" message. How do I fix it?\n- Why is my account showing as expired and what can I do about it?\n\n**English Answer:**\nIf the account says expired, it means the organization or project has ended. Please contact your coordinator for further information and guidance on how to proceed.\n\n**Hinglish Questions:**\n- Agar mera account expired dikha raha hai to kya karu?\n- Mera account expired display kar raha hai. Iska matlab kya hai?\n- Mujhe \"account expired\" ka message mil raha hai. Ise kaise theek karu?\n- Mera account expired kyun dikha raha hai aur main iska kya kar sakta hoon?\n\n**Hinglish Answer:**\nAgar account expired dikha raha hai, to iska matlab hai ki organization ya project khatam ho gaya hai. Kripya apne coordinator se contact karein aur aage kya karna hai uske baare mein guidance lein.\n\n## Q6: Visibility of Mapped Schemes in Eligible Scheme Lists\n\n**English Questions:**\n- Why am I not able to see mapped schemes in the eligible scheme lists?\n- The mapped schemes are not showing up in my eligible schemes. What's wrong?\n- How can I view the mapped schemes in my eligibility list?\n- I can't find the mapped schemes in the eligible schemes section. What should I do?\n\n**English Answer:**\nEnsure you have completed the full screening by filling out the questionnaire according to the criteria. If you've done this and still can't see the mapped schemes, try updating the app data or contacting support for assistance.", "mimetype": "text/plain", "start_char_idx": 3423, "end_char_idx": 5346, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "f192b2db-6de7-4806-9c6c-8e1c3abc1d93": {"__data__": {"id_": "f192b2db-6de7-4806-9c6c-8e1c3abc1d93", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d", "node_type": "1", "metadata": {}, "hash": "7f3774ae56829d69b267f1689699a72039f56ec725e81e1143c4580394ee7119", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "56da22db-41b3-4aaf-808d-821deae2e5e4", "node_type": "1", "metadata": {}, "hash": "55ae8b96c8b9de4b28d21a5eb8c7cba2f3ba1a92a4dc02f10f0d448ae1c4cceb", "class_name": "RelatedNodeInfo"}}, "text": "**Hinglish Answer:**\nAgar account expired dikha raha hai, to iska matlab hai ki organization ya project khatam ho gaya hai. Kripya apne coordinator se contact karein aur aage kya karna hai uske baare mein guidance lein.\n\n## Q6: Visibility of Mapped Schemes in Eligible Scheme Lists\n\n**English Questions:**\n- Why am I not able to see mapped schemes in the eligible scheme lists?\n- The mapped schemes are not showing up in my eligible schemes. What's wrong?\n- How can I view the mapped schemes in my eligibility list?\n- I can't find the mapped schemes in the eligible schemes section. What should I do?\n\n**English Answer:**\nEnsure you have completed the full screening by filling out the questionnaire according to the criteria. If you've done this and still can't see the mapped schemes, try updating the app data or contacting support for assistance.\n\n**Hinglish Questions:**\n- Main eligible scheme lists mein mapped schemes kyun nahi dekh pa raha/rahi hoon?\n- Mapped schemes mere eligible schemes mein nahi dikh rahe. Kya galat hai?\n- Main apne eligibility list mein mapped schemes kaise dekh sakta/sakti hoon?\n- Mujhe eligible schemes section mein mapped schemes nahi mil rahe. Kya karna chahiye?\n\n**Hinglish Answer:**\nEnsure karo ki aapne criteria ke hisaab se questionnaire fill karke full screening complete ki hai. Agar aapne ye kar liya hai aur phir bhi mapped schemes nahi dikh rahe, to app data update karne ki koshish karo ya support se contact karo.\n\n## Q7: Changing Language in the App\n\n**English Questions:**\n- How do I change the language in the app?\n- Can I switch the app to a different language? How?\n- What's the process to change the app's language settings?\n- Is it possible to use the app in my local language? How do I do that?\n\n**English Answer:**\n1. Open the app dashboard, click on the three lines in the left corner.\n2. Click on the first option and choose your language.\n3. Alternatively, upon logging in, find the language icon in the bottom panel to change the language.", "mimetype": "text/plain", "start_char_idx": 4496, "end_char_idx": 6495, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "56da22db-41b3-4aaf-808d-821deae2e5e4": {"__data__": {"id_": "56da22db-41b3-4aaf-808d-821deae2e5e4", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "f192b2db-6de7-4806-9c6c-8e1c3abc1d93", "node_type": "1", "metadata": {}, "hash": "e5a4bd0bdceb8ea4c7edfca49fe661e4bb6310f10960b66f3937e3438b34df99", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "05751854-84bb-4efb-aac7-1b9c0963712a", "node_type": "1", "metadata": {}, "hash": "6e37917e43a696e17be678fb56966108449432fa4c748aa7dd13b3d9ced9bae7", "class_name": "RelatedNodeInfo"}}, "text": "Agar aapne ye kar liya hai aur phir bhi mapped schemes nahi dikh rahe, to app data update karne ki koshish karo ya support se contact karo.\n\n## Q7: Changing Language in the App\n\n**English Questions:**\n- How do I change the language in the app?\n- Can I switch the app to a different language? How?\n- What's the process to change the app's language settings?\n- Is it possible to use the app in my local language? How do I do that?\n\n**English Answer:**\n1. Open the app dashboard, click on the three lines in the left corner.\n2. Click on the first option and choose your language.\n3. Alternatively, upon logging in, find the language icon in the bottom panel to change the language.\n\n**Hinglish Questions:**\n- App mein language kaise change karu?\n- Kya main app ko dusri language mein switch kar sakta/sakti hoon? Kaise?\n- App ki language settings change karne ka process kya hai?\n- Kya app ko apni local language mein use karna possible hai? Main ye kaise kar sakta/sakti hoon?\n\n**Hinglish Answer:**\n1. App dashboard kholo, left corner mein teen lines par click karo.\n2. Pehle option par click karo aur apni language choose karo.\n3. Ya phir, login karne ke baad, bottom panel mein language icon dhundho aur usse language change karo.\n\n## Q8: Handling Errors 99 and 100\n\n**English Questions:**\n- How do I handle Errors 99 and 100?\n- I'm getting Error 99 or 100. What should I do?\n- What's the solution for Error 99 and Error 100?\n- The app shows Error 99/100. How can I fix this?\n\n**English Answer:**\nCheck your internet connection or try changing the network. These errors are often related to connectivity issues. If the problem persists, try restarting the app or your device.\n\n**Hinglish Questions:**\n- Error 99 aur 100 ko kaise handle karu?\n- Mujhe Error 99 ya 100 mil raha hai. Kya karna chahiye?\n- Error 99 aur Error 100 ka solution kya hai?", "mimetype": "text/plain", "start_char_idx": 5817, "end_char_idx": 7661, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "05751854-84bb-4efb-aac7-1b9c0963712a": {"__data__": {"id_": "05751854-84bb-4efb-aac7-1b9c0963712a", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "56da22db-41b3-4aaf-808d-821deae2e5e4", "node_type": "1", "metadata": {}, "hash": "55ae8b96c8b9de4b28d21a5eb8c7cba2f3ba1a92a4dc02f10f0d448ae1c4cceb", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "c6a53284-e08f-4c91-9247-67afe3d6a669", "node_type": "1", "metadata": {}, "hash": "98b1775a17f2496b75d0b4183e12ca977f009eea209a96b3d3215e1dac49734c", "class_name": "RelatedNodeInfo"}}, "text": "## Q8: Handling Errors 99 and 100\n\n**English Questions:**\n- How do I handle Errors 99 and 100?\n- I'm getting Error 99 or 100. What should I do?\n- What's the solution for Error 99 and Error 100?\n- The app shows Error 99/100. How can I fix this?\n\n**English Answer:**\nCheck your internet connection or try changing the network. These errors are often related to connectivity issues. If the problem persists, try restarting the app or your device.\n\n**Hinglish Questions:**\n- Error 99 aur 100 ko kaise handle karu?\n- Mujhe Error 99 ya 100 mil raha hai. Kya karna chahiye?\n- Error 99 aur Error 100 ka solution kya hai?\n- App Error 99/100 dikha raha hai. Ise kaise theek kar sakta/sakti hoon?\n\n**Hinglish Answer:**\nApna internet connection check karo ya network change karne ki koshish karo. Ye errors aksar connectivity issues se related hote hain. Agar problem bana rehta hai, to app ya apne device ko restart karne ki koshish karo.\n\n## Q9: Resolving App Data Missing Error\n\n**English Questions:**\n- How do I resolve an app data missing error?\n- The app says data is missing. What should I do?\n- I'm getting a \"data missing\" error in the app. How can I fix it?\n- What's the solution when the app shows missing data?\n\n**English Answer:**\nContact a researcher or LM to map schemes, apply rate cards, and publish the DQ. If the issue persists, try updating the app data or reinstalling the app.\n\n**Hinglish Questions:**\n- App data missing error ko kaise solve karu?\n- App keh raha hai ki data missing hai. Kya karna chahiye?\n- Mujhe app mein \"data missing\" error mil raha hai. Ise kaise theek kar sakta/sakti hoon?\n- Jab app missing data dikhata hai to uska solution kya hai?", "mimetype": "text/plain", "start_char_idx": 7049, "end_char_idx": 8716, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "c6a53284-e08f-4c91-9247-67afe3d6a669": {"__data__": {"id_": "c6a53284-e08f-4c91-9247-67afe3d6a669", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "05751854-84bb-4efb-aac7-1b9c0963712a", "node_type": "1", "metadata": {}, "hash": "6e37917e43a696e17be678fb56966108449432fa4c748aa7dd13b3d9ced9bae7", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "3549011f-8621-461a-8d53-00df3e0ba5cb", "node_type": "1", "metadata": {}, "hash": "143ce190145adeb729c0140569013b47a87537c5f2be80889a915f527c8691e9", "class_name": "RelatedNodeInfo"}}, "text": "- The app says data is missing. What should I do?\n- I'm getting a \"data missing\" error in the app. How can I fix it?\n- What's the solution when the app shows missing data?\n\n**English Answer:**\nContact a researcher or LM to map schemes, apply rate cards, and publish the DQ. If the issue persists, try updating the app data or reinstalling the app.\n\n**Hinglish Questions:**\n- App data missing error ko kaise solve karu?\n- App keh raha hai ki data missing hai. Kya karna chahiye?\n- Mujhe app mein \"data missing\" error mil raha hai. Ise kaise theek kar sakta/sakti hoon?\n- Jab app missing data dikhata hai to uska solution kya hai?\n\n**Hinglish Answer:**\nSchemes map karne, rate cards apply karne, aur DQ publish karne ke liye kisi researcher ya LM se contact karo. Agar issue bana rehta hai, to app data update karne ya app ko reinstall karne ki koshish karo.\n\n## Q10: Syncing Records in the App\n\n**English Questions:**\n- How do I sync records in the app?\n- What's the process to synchronize my app records?\n- I need to update my records across devices. How can I do this?\n- Is there a way to ensure all my records are up-to-date in the app?\n\n**English Answer:**\n1. Long press the record and click on the cloud button to sync.\n2. Alternatively, use the cloud button at the top right on the Home Page to sync records.\n\n**Hinglish Questions:**\n- App mein records kaise sync karu?\n- App records synchronize karne ka process kya hai?\n- Mujhe apne records ko devices ke beech update karna hai. Main ye kaise kar sakta/sakti hoon?\n- Kya app mein mere saare records up-to-date rakhne ka koi tarika hai?\n\n**Hinglish Answer:**\n1. Record ko long press karo aur sync karne ke liye cloud button par click karo.\n2. Ya phir, Home Page ke top right mein cloud button ka use karke records sync karo.\n\n## Q11: Importing Records\n\n**English Questions:**\n- How do I import records?", "mimetype": "text/plain", "start_char_idx": 8088, "end_char_idx": 9946, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "3549011f-8621-461a-8d53-00df3e0ba5cb": {"__data__": {"id_": "3549011f-8621-461a-8d53-00df3e0ba5cb", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "c6a53284-e08f-4c91-9247-67afe3d6a669", "node_type": "1", "metadata": {}, "hash": "98b1775a17f2496b75d0b4183e12ca977f009eea209a96b3d3215e1dac49734c", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "9c6fc2b6-6251-4321-bc19-11724a6c4ce2", "node_type": "1", "metadata": {}, "hash": "e90271e93cc881689352f2bb51b7e7511adc6908060baef8bdd8ddb884474438", "class_name": "RelatedNodeInfo"}}, "text": "**English Answer:**\n1. Long press the record and click on the cloud button to sync.\n2. Alternatively, use the cloud button at the top right on the Home Page to sync records.\n\n**Hinglish Questions:**\n- App mein records kaise sync karu?\n- App records synchronize karne ka process kya hai?\n- Mujhe apne records ko devices ke beech update karna hai. Main ye kaise kar sakta/sakti hoon?\n- Kya app mein mere saare records up-to-date rakhne ka koi tarika hai?\n\n**Hinglish Answer:**\n1. Record ko long press karo aur sync karne ke liye cloud button par click karo.\n2. Ya phir, Home Page ke top right mein cloud button ka use karke records sync karo.\n\n## Q11: Importing Records\n\n**English Questions:**\n- How do I import records?\n- What's the process to bring in external records to the app?\n- Can I add records from another source? How?\n- I need to transfer records into the app. What steps should I follow?\n\n**English Answer:**\n1. Open the AMS app.\n2. Click on the three lines in the left corner.\n3. Go to settings, then select \"Import my Records\".\n\n**Hinglish Questions:**\n- Records kaise import karu?\n- App mein bahar ke records lane ka process kya hai?\n- Kya main dusre source se records add kar sakta/sakti hoon? Kaise?\n- Mujhe app mein records transfer karne hain. Kaunse steps follow karne chahiye?\n\n**Hinglish Answer:**\n1. AMS app kholo.\n2. Left corner mein teen lines par click karo.\n3. Settings mein jao, phir \"Import my Records\" select karo.\n\n## Q12: Selecting Proper District Block Subdistrict (Rural, Urban)\n\n**English Questions:**\n- How do I select the proper district block subdistrict (Rural, Urban)?\n- What's the process for choosing the correct geographical area in the app?\n- I'm confused about selecting rural or urban areas. Can you guide me?\n- How can I ensure I'm picking the right location details in the app?\n\n**English Answer:**\n1.", "mimetype": "text/plain", "start_char_idx": 9228, "end_char_idx": 11075, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "9c6fc2b6-6251-4321-bc19-11724a6c4ce2": {"__data__": {"id_": "9c6fc2b6-6251-4321-bc19-11724a6c4ce2", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "3549011f-8621-461a-8d53-00df3e0ba5cb", "node_type": "1", "metadata": {}, "hash": "143ce190145adeb729c0140569013b47a87537c5f2be80889a915f527c8691e9", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "788851b8-e719-4796-86ba-109ea1e03798", "node_type": "1", "metadata": {}, "hash": "df80db7af13ac599dfe5964bda41ba979f58427db51e39098dfd9aaf2a9fb981", "class_name": "RelatedNodeInfo"}}, "text": "- Kya main dusre source se records add kar sakta/sakti hoon? Kaise?\n- Mujhe app mein records transfer karne hain. Kaunse steps follow karne chahiye?\n\n**Hinglish Answer:**\n1. AMS app kholo.\n2. Left corner mein teen lines par click karo.\n3. Settings mein jao, phir \"Import my Records\" select karo.\n\n## Q12: Selecting Proper District Block Subdistrict (Rural, Urban)\n\n**English Questions:**\n- How do I select the proper district block subdistrict (Rural, Urban)?\n- What's the process for choosing the correct geographical area in the app?\n- I'm confused about selecting rural or urban areas. Can you guide me?\n- How can I ensure I'm picking the right location details in the app?\n\n**English Answer:**\n1. Choose State Name, District Name, and Type of Area (Rural or Urban).\n2. For Rural: Select Block, Subdistrict, Village, and Pincode.\n3. For Urban: Select ULB (Urban Local Body), Ward Number, and Pincode.\n\n**Hinglish Questions:**\n- Sahi district block subdistrict (Rural, Urban) kaise select karu?\n- App mein sahi geographical area choose karne ka process kya hai?\n- Main rural ya urban areas select karne mein confused hoon. Kya aap guide kar sakte hain?\n- App mein sahi location details pick karna kaise ensure karu?\n\n**Hinglish Answer:**\n1. State Name, District Name, aur Type of Area (Rural ya Urban) choose karo.\n2. Rural ke liye: Block, Subdistrict, Village, aur Pincode select karo.\n3. Urban ke liye: ULB (Urban Local Body), Ward Number, aur Pincode select karo.\n\n## Q13: Performing App Data/Configuration Update\n\n**English Questions:**\n- How do I do an app data/configuration update?\n- What's the process for updating the app's data and configuration?\n- My app needs an update. How can I do this?\n- Is there a way to refresh the app's data and settings?\n\n**English Answer:**\n1. Click on the menu button.\n2. Go to settings and select \"Do app data update\".\n3.", "mimetype": "text/plain", "start_char_idx": 10375, "end_char_idx": 12239, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "788851b8-e719-4796-86ba-109ea1e03798": {"__data__": {"id_": "788851b8-e719-4796-86ba-109ea1e03798", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "9c6fc2b6-6251-4321-bc19-11724a6c4ce2", "node_type": "1", "metadata": {}, "hash": "e90271e93cc881689352f2bb51b7e7511adc6908060baef8bdd8ddb884474438", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "df752e78-023d-4043-b0f9-a822ac6ebb6c", "node_type": "1", "metadata": {}, "hash": "a767dbc2c8f40fbccec631641fe62a7793ac9799ad127351e7b39426b37fc22f", "class_name": "RelatedNodeInfo"}}, "text": "- App mein sahi location details pick karna kaise ensure karu?\n\n**Hinglish Answer:**\n1. State Name, District Name, aur Type of Area (Rural ya Urban) choose karo.\n2. Rural ke liye: Block, Subdistrict, Village, aur Pincode select karo.\n3. Urban ke liye: ULB (Urban Local Body), Ward Number, aur Pincode select karo.\n\n## Q13: Performing App Data/Configuration Update\n\n**English Questions:**\n- How do I do an app data/configuration update?\n- What's the process for updating the app's data and configuration?\n- My app needs an update. How can I do this?\n- Is there a way to refresh the app's data and settings?\n\n**English Answer:**\n1. Click on the menu button.\n2. Go to settings and select \"Do app data update\".\n3. Click on the about menu for configuration updates.\n\n**Hinglish Questions:**\n- App data/configuration update kaise karu?\n- App ka data aur configuration update karne ka process kya hai?\n- Mere app ko update ki zaroorat hai. Main ye kaise kar sakta/sakti hoon?\n- Kya app ka data aur settings refresh karne ka koi tarika hai?\n\n**Hinglish Answer:**\n1. Menu button par click karo.\n2. Settings mein jao aur \"Do app data update\" select karo.\n3. Configuration updates ke liye about menu par click karo.\n\n## Q14: Updating the App\n\n**English Questions:**\n- How do I update the app?\n- What are the steps to get the latest version of the app?\n- My app seems outdated. How can I update it?\n- Is there a process to ensure I'm using the most recent app version?\n\n**English Answer:**\n1. Open the AMS app.\n2. Click on the three lines in the left corner.\n3. Go to settings and then select \"Do app data update\".\n\n**Hinglish Questions:**\n- App kaise update karu?\n- App ka latest version pane ke liye kya steps hain?\n- Mera app purana lag raha hai. Ise kaise update kar sakta/sakti hoon?", "mimetype": "text/plain", "start_char_idx": 11530, "end_char_idx": 13306, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "df752e78-023d-4043-b0f9-a822ac6ebb6c": {"__data__": {"id_": "df752e78-023d-4043-b0f9-a822ac6ebb6c", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "788851b8-e719-4796-86ba-109ea1e03798", "node_type": "1", "metadata": {}, "hash": "df80db7af13ac599dfe5964bda41ba979f58427db51e39098dfd9aaf2a9fb981", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "7fb24649-a9ee-4879-95a5-576f1218764b", "node_type": "1", "metadata": {}, "hash": "5afb5bace5fb30730a87d3a33fb5a7c8df302ec08118871c5bc6a4da218d144e", "class_name": "RelatedNodeInfo"}}, "text": "2. Settings mein jao aur \"Do app data update\" select karo.\n3. Configuration updates ke liye about menu par click karo.\n\n## Q14: Updating the App\n\n**English Questions:**\n- How do I update the app?\n- What are the steps to get the latest version of the app?\n- My app seems outdated. How can I update it?\n- Is there a process to ensure I'm using the most recent app version?\n\n**English Answer:**\n1. Open the AMS app.\n2. Click on the three lines in the left corner.\n3. Go to settings and then select \"Do app data update\".\n\n**Hinglish Questions:**\n- App kaise update karu?\n- App ka latest version pane ke liye kya steps hain?\n- Mera app purana lag raha hai. Ise kaise update kar sakta/sakti hoon?\n- Kya ye ensure karne ka koi process hai ki main most recent app version use kar raha/rahi hoon?\n\n**Hinglish Answer:**\n1. AMS app kholo.\n2. Left corner mein teen lines par click karo.\n3. Settings mein jao aur phir \"Do app data update\" select karo.\n\nQ15: Viewing Eligibility Criteria for a Scheme\nEnglish Questions:\n\nHow do I see the eligibility criteria for a particular scheme?\nWhere can I find the requirements for a specific scheme?\nI want to check if I'm eligible for a scheme. How do I do that?\nIs there a way to view the eligibility conditions for different schemes?\n\nEnglish Answer:\nTo view the eligibility criteria for a particular scheme:\n\nOpen the AMS app and log in.\nGo to the schemes section.\nSelect the specific scheme you're interested in.\nAfter selection, eligibility details will be listed.\nReview the criteria carefully to determine eligibility.\n\nHinglish Questions:\n\nKisi particular scheme ke liye eligibility criteria kaise dekhu?\nKisi specific scheme ki requirements kahan mil sakti hain?\nMain check karna chahta/chahti hoon ki main kisi scheme ke liye eligible hoon ya nahi. Ye kaise karu?\nKya alag-alag schemes ke eligibility conditions dekhne ka koi tarika hai?\n\nHinglish Answer:\nKisi particular scheme ke eligibility criteria dekhne ke liye:\n\nAMS app kholein aur login karein.", "mimetype": "text/plain", "start_char_idx": 12616, "end_char_idx": 14607, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "7fb24649-a9ee-4879-95a5-576f1218764b": {"__data__": {"id_": "7fb24649-a9ee-4879-95a5-576f1218764b", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "df752e78-023d-4043-b0f9-a822ac6ebb6c", "node_type": "1", "metadata": {}, "hash": "a767dbc2c8f40fbccec631641fe62a7793ac9799ad127351e7b39426b37fc22f", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "2fcc3328-92c5-4a67-8bf3-077a0f0e0360", "node_type": "1", "metadata": {}, "hash": "7b232d5f3dcf05244b38adc985c402b6e4e470a7adec1627b1252bd47f1abd52", "class_name": "RelatedNodeInfo"}}, "text": "How do I do that?\nIs there a way to view the eligibility conditions for different schemes?\n\nEnglish Answer:\nTo view the eligibility criteria for a particular scheme:\n\nOpen the AMS app and log in.\nGo to the schemes section.\nSelect the specific scheme you're interested in.\nAfter selection, eligibility details will be listed.\nReview the criteria carefully to determine eligibility.\n\nHinglish Questions:\n\nKisi particular scheme ke liye eligibility criteria kaise dekhu?\nKisi specific scheme ki requirements kahan mil sakti hain?\nMain check karna chahta/chahti hoon ki main kisi scheme ke liye eligible hoon ya nahi. Ye kaise karu?\nKya alag-alag schemes ke eligibility conditions dekhne ka koi tarika hai?\n\nHinglish Answer:\nKisi particular scheme ke eligibility criteria dekhne ke liye:\n\nAMS app kholein aur login karein.\nSchemes section mein jaayein.\nJis specific scheme mein aap interested hain, use select karein.\nSelect karne ke baad, eligibility details list ho jayengi.\nEligibility determine karne ke liye criteria ko dhyan se review karein.\n\n## Q16: Viewing Lists of Schemes and Documents\n\n**English Questions:**\n- How do I view the lists of schemes and documents?\n- Where can I find the available schemes and required documents?\n- Is there a way to see all the schemes and their associated documents?\n- I need to check the schemes and document lists. How do I do that?\n\n**English Answer:**\n1. After logging into the app, click on the three lines at the bottom left.\n2. Schemes and documents will be visible in the menu.\n\n**Hinglish Questions:**\n- Schemes aur documents ki lists kaise dekhu?\n- Available schemes aur required documents kahan mil sakte hain?\n- Kya saare schemes aur unse related documents dekhne ka koi tarika hai?\n- Mujhe schemes aur document lists check karni hai. Ye kaise karu?\n\n**Hinglish Answer:**\n1. App mein login karne ke baad, neeche left mein teen lines par click karo.\n2. Menu mein schemes aur documents visible honge.\n\n## Q17: Differentiating Between Mini Screening and Full Screening\n\n**English Questions:**\n- How do I differentiate between mini screening and full screening?", "mimetype": "text/plain", "start_char_idx": 13789, "end_char_idx": 15897, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "2fcc3328-92c5-4a67-8bf3-077a0f0e0360": {"__data__": {"id_": "2fcc3328-92c5-4a67-8bf3-077a0f0e0360", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "7fb24649-a9ee-4879-95a5-576f1218764b", "node_type": "1", "metadata": {}, "hash": "5afb5bace5fb30730a87d3a33fb5a7c8df302ec08118871c5bc6a4da218d144e", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "e7923477-3d12-4cc7-9ec6-8074aa07a454", "node_type": "1", "metadata": {}, "hash": "af82e41e6f789cf1e11cdfc9fbafa3b840a78cb6679060d86e3d208d2ec5b931", "class_name": "RelatedNodeInfo"}}, "text": "How do I do that?\n\n**English Answer:**\n1. After logging into the app, click on the three lines at the bottom left.\n2. Schemes and documents will be visible in the menu.\n\n**Hinglish Questions:**\n- Schemes aur documents ki lists kaise dekhu?\n- Available schemes aur required documents kahan mil sakte hain?\n- Kya saare schemes aur unse related documents dekhne ka koi tarika hai?\n- Mujhe schemes aur document lists check karni hai. Ye kaise karu?\n\n**Hinglish Answer:**\n1. App mein login karne ke baad, neeche left mein teen lines par click karo.\n2. Menu mein schemes aur documents visible honge.\n\n## Q17: Differentiating Between Mini Screening and Full Screening\n\n**English Questions:**\n- How do I differentiate between mini screening and full screening?\n- What's the difference between mini and full screening processes?\n- Can you explain mini screening vs full screening?\n- I'm confused about mini and full screening. How are they different?\n\n**English Answer:**\n1. Mini Screening: Includes personal, address, family, and demographic details.\n2. Full Screening: Involves filling out detailed questionnaires for eligible scheme assessment after mini screening.\n\n**Hinglish Questions:**\n- Mini screening aur full screening ke beech difference kaise samjhu?\n- Mini aur full screening processes mein kya fark hai?\n- Kya aap mini screening vs full screening explain kar sakte hain?\n- Main mini aur full screening ko lekar confused hoon. Ye kaise alag hain?\n\n**Hinglish Answer:**\n1. Mini Screening: Isme personal, address, family, aur demographic details shamil hote hain.\n2. Full Screening: Mini screening ke baad eligible scheme assessment ke liye detailed questionnaires bharne hote hain.\n\n## Q18: Difference Between Direct Scheme Applications and Full Screen Applications\n\n**English Questions:**\n- Tell me the difference between direct scheme applications and full screen applications.\n- How do direct scheme applications differ from full screen applications?\n- What's unique about direct scheme applications compared to full screen ones?\n- I'm confused about direct and full screen applications. Can you explain?\n\n**English Answer:**\n1.", "mimetype": "text/plain", "start_char_idx": 15145, "end_char_idx": 17280, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "e7923477-3d12-4cc7-9ec6-8074aa07a454": {"__data__": {"id_": "e7923477-3d12-4cc7-9ec6-8074aa07a454", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "2fcc3328-92c5-4a67-8bf3-077a0f0e0360", "node_type": "1", "metadata": {}, "hash": "7b232d5f3dcf05244b38adc985c402b6e4e470a7adec1627b1252bd47f1abd52", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521", "node_type": "1", "metadata": {}, "hash": "e2838978878306edecf9713da826622f95873bd733f37d6ee783fac57d325209", "class_name": "RelatedNodeInfo"}}, "text": "- Mini aur full screening processes mein kya fark hai?\n- Kya aap mini screening vs full screening explain kar sakte hain?\n- Main mini aur full screening ko lekar confused hoon. Ye kaise alag hain?\n\n**Hinglish Answer:**\n1. Mini Screening: Isme personal, address, family, aur demographic details shamil hote hain.\n2. Full Screening: Mini screening ke baad eligible scheme assessment ke liye detailed questionnaires bharne hote hain.\n\n## Q18: Difference Between Direct Scheme Applications and Full Screen Applications\n\n**English Questions:**\n- Tell me the difference between direct scheme applications and full screen applications.\n- How do direct scheme applications differ from full screen applications?\n- What's unique about direct scheme applications compared to full screen ones?\n- I'm confused about direct and full screen applications. Can you explain?\n\n**English Answer:**\n1. Direct Scheme Application: Select a scheme, check eligibility, fill in required details according to it and apply for the particular scheme.\n2. Full Screen Applications: To fetch more eligible schemes for the mini screened citizen, click on full screening and complete the questionnaire.\n\n**Hinglish Questions:**\n- Direct scheme applications aur full screen applications mein kya fark hai?\n- Direct scheme applications, full screen applications se kaise alag hain?\n- Direct scheme applications mein kya unique hai full screen applications ke comparison mein?\n- Main direct aur full screen applications ko lekar confused hoon. Kya aap explain kar sakte hain?\n\n**Hinglish Answer:**\n1. Direct Scheme Application: Ek scheme select karo, eligibility check karo, uske hisaab se required details bharo aur us particular scheme ke liye apply karo.\n2. Full Screen Applications: Mini screened citizen ke liye zyada eligible schemes pane ke liye, full screening par click karo aur questionnaire complete karo.\n\nQ19: Payment Delay Issues\nEnglish Questions:\n\nI have not received my payment yet. When will I receive my payment for last month?\nMy payment is delayed. What should I do?\nWhy hasn't my payment from last month arrived?\nHow can I check the status of my delayed payment?\n\nEnglish Answer:\nIf you're experiencing payment delays:\n\nConnect with your manager for information about the payment cycle.\nAsk them to verify the settlement report.\nCheck if all your work has been properly recorded in the system.", "mimetype": "text/plain", "start_char_idx": 16400, "end_char_idx": 18778, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521": {"__data__": {"id_": "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "e7923477-3d12-4cc7-9ec6-8074aa07a454", "node_type": "1", "metadata": {}, "hash": "af82e41e6f789cf1e11cdfc9fbafa3b840a78cb6679060d86e3d208d2ec5b931", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "d4e8af6d-31e3-4394-a497-198261b0be54", "node_type": "1", "metadata": {}, "hash": "742862d0f82205d2fa428d8e2652db47e0494619ffa85a1f78afd489a8de89e5", "class_name": "RelatedNodeInfo"}}, "text": "Kya aap explain kar sakte hain?\n\n**Hinglish Answer:**\n1. Direct Scheme Application: Ek scheme select karo, eligibility check karo, uske hisaab se required details bharo aur us particular scheme ke liye apply karo.\n2. Full Screen Applications: Mini screened citizen ke liye zyada eligible schemes pane ke liye, full screening par click karo aur questionnaire complete karo.\n\nQ19: Payment Delay Issues\nEnglish Questions:\n\nI have not received my payment yet. When will I receive my payment for last month?\nMy payment is delayed. What should I do?\nWhy hasn't my payment from last month arrived?\nHow can I check the status of my delayed payment?\n\nEnglish Answer:\nIf you're experiencing payment delays:\n\nConnect with your manager for information about the payment cycle.\nAsk them to verify the settlement report.\nCheck if all your work has been properly recorded in the system.\nEnsure your bank details in the app are correct and up to date.\nIf the issue persists, escalate to the finance department through your manager.\n\nRemember, payment timelines can vary, so it's best to check with your direct supervisor for the most accurate information.\nHinglish Questions:\n\nMujhe abhi tak payment nahi mila hai. Pichle mahine ka payment kab milega?\nMera payment delay ho gaya hai. Mujhe kya karna chahiye?\nPichle mahine ka payment abhi tak kyun nahi aaya hai?\nMain apne delayed payment ka status kaise check kar sakta/sakti hoon?\n\nHinglish Answer:\nAgar aapko payment delay ka saamna karna pad raha hai:\n\nPayment cycle ke baare mein jaankari ke liye apne manager se connect karein.\nUnse settlement report verify karne ko kahein.\nCheck karein ki aapke saare kaam system mein theek se record hue hain ya nahi.\nEnsure karein ki app mein aapke bank details sahi aur up to date hain.\nAgar issue bana rehta hai, to apne manager ke through finance department ko escalate karein.\n\nYaad rakhein, payment timelines alag-alag ho sakti hain, isliye sabse accurate information ke liye apne direct supervisor se check karna best rahega.", "mimetype": "text/plain", "start_char_idx": 17907, "end_char_idx": 19915, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "d4e8af6d-31e3-4394-a497-198261b0be54": {"__data__": {"id_": "d4e8af6d-31e3-4394-a497-198261b0be54", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521", "node_type": "1", "metadata": {}, "hash": "e2838978878306edecf9713da826622f95873bd733f37d6ee783fac57d325209", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "9d3ab415-92f1-4d4c-ada2-3df199495f44", "node_type": "1", "metadata": {}, "hash": "1d3af5f233e339d9898116dc88fd5a5caf71ca37958c673e4d2e29e7f71a3064", "class_name": "RelatedNodeInfo"}}, "text": "Main apne delayed payment ka status kaise check kar sakta/sakti hoon?\n\nHinglish Answer:\nAgar aapko payment delay ka saamna karna pad raha hai:\n\nPayment cycle ke baare mein jaankari ke liye apne manager se connect karein.\nUnse settlement report verify karne ko kahein.\nCheck karein ki aapke saare kaam system mein theek se record hue hain ya nahi.\nEnsure karein ki app mein aapke bank details sahi aur up to date hain.\nAgar issue bana rehta hai, to apne manager ke through finance department ko escalate karein.\n\nYaad rakhein, payment timelines alag-alag ho sakti hain, isliye sabse accurate information ke liye apne direct supervisor se check karna best rahega.\nQ20: Partial Payment Issues\nEnglish Questions:\n\nI have received only partial payment for XYZ project. Why is this?\nMy payment for the project is incomplete. What could be the reason?\nWhy have I not received full payment for my work on XYZ project?\nHow do I resolve issues with partial project payments?\n\nEnglish Answer:\nPayment is done as per the case status and the rate card applied for particular cases. If you've received partial payment:\n\nCheck the settlement report for the number of cases processed and their statuses.\nVerify if all your completed work has been properly recorded in the system.\nReview the rate card for the project to understand the payment structure.\nConnect with your project manager or coordinator for further clarifications.\nIf there's a discrepancy, provide detailed information about your work and the payment received.\n\nHinglish Questions:\n\nMujhe XYZ project ke liye sirf partial payment mila hai. Aisa kyun hua?\nMere project ka payment incomplete hai. Iska kya reason ho sakta hai?\nXYZ project par kiye gaye kaam ka full payment mujhe kyun nahi mila?\nPartial project payments ke issues ko main kaise resolve karu?\n\nHinglish Answer:\nPayment case status aur particular cases ke liye apply kiye gaye rate card ke hisaab se kiya jata hai. Agar aapko partial payment mila hai:\n\nProcess kiye gaye cases ki sankhya aur unke status ke liye settlement report check karein.", "mimetype": "text/plain", "start_char_idx": 19254, "end_char_idx": 21311, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "9d3ab415-92f1-4d4c-ada2-3df199495f44": {"__data__": {"id_": "9d3ab415-92f1-4d4c-ada2-3df199495f44", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "d4e8af6d-31e3-4394-a497-198261b0be54", "node_type": "1", "metadata": {}, "hash": "742862d0f82205d2fa428d8e2652db47e0494619ffa85a1f78afd489a8de89e5", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "e91808ff-f72e-4cd2-a10e-7b7027c3117e", "node_type": "1", "metadata": {}, "hash": "dc3e872285568a065de0c0a8be82fa6a3c06c3418526d1ec99d8751abdec78a1", "class_name": "RelatedNodeInfo"}}, "text": "Review the rate card for the project to understand the payment structure.\nConnect with your project manager or coordinator for further clarifications.\nIf there's a discrepancy, provide detailed information about your work and the payment received.\n\nHinglish Questions:\n\nMujhe XYZ project ke liye sirf partial payment mila hai. Aisa kyun hua?\nMere project ka payment incomplete hai. Iska kya reason ho sakta hai?\nXYZ project par kiye gaye kaam ka full payment mujhe kyun nahi mila?\nPartial project payments ke issues ko main kaise resolve karu?\n\nHinglish Answer:\nPayment case status aur particular cases ke liye apply kiye gaye rate card ke hisaab se kiya jata hai. Agar aapko partial payment mila hai:\n\nProcess kiye gaye cases ki sankhya aur unke status ke liye settlement report check karein.\nVerify karein ki aapke saare complete kiye gaye kaam system mein theek se record hue hain ya nahi.\nPayment structure samajhne ke liye project ke rate card ko review karein.\nFurther clarifications ke liye apne project manager ya coordinator se connect karein.\nAgar koi discrepancy hai, to apne kaam aur received payment ke baare mein detailed information provide karein.\n\nQ21: Return of Received Payment\nEnglish Questions:\n\nI have been asked to return the money I received for the applications made for XYZ project. Why?\nWhy do I need to return the payment for my work on a project?\nThe organization is asking for a refund of my payment. What should I do?\nUnder what circumstances would I need to return project payments?\n\nEnglish Answer:\nAfter reviewing the cases, if the M&E team discovers any duplicates or rejected applications from the backend, those cases are aborted, and the payment for those cases is recovered in the next payment cycle. If you're asked to return money:\n\nReview the detailed report provided by the M&E team.\nCheck for any duplicate or rejected applications in your submitted work.\nVerify the amount you're being asked to return against the report.\nIf you disagree with the findings, collect evidence and discuss with your supervisor.\nIf the deduction is correct, it will typically be adjusted in your next payment.", "mimetype": "text/plain", "start_char_idx": 20518, "end_char_idx": 22651, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "e91808ff-f72e-4cd2-a10e-7b7027c3117e": {"__data__": {"id_": "e91808ff-f72e-4cd2-a10e-7b7027c3117e", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "9d3ab415-92f1-4d4c-ada2-3df199495f44", "node_type": "1", "metadata": {}, "hash": "1d3af5f233e339d9898116dc88fd5a5caf71ca37958c673e4d2e29e7f71a3064", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "88b792b9-c388-4e3b-a521-9213b14898ff", "node_type": "1", "metadata": {}, "hash": "04585e4aba5cfd1dab839b0e462d232a1887aa8492fe2aca8389bcd45c53b274", "class_name": "RelatedNodeInfo"}}, "text": "Q21: Return of Received Payment\nEnglish Questions:\n\nI have been asked to return the money I received for the applications made for XYZ project. Why?\nWhy do I need to return the payment for my work on a project?\nThe organization is asking for a refund of my payment. What should I do?\nUnder what circumstances would I need to return project payments?\n\nEnglish Answer:\nAfter reviewing the cases, if the M&E team discovers any duplicates or rejected applications from the backend, those cases are aborted, and the payment for those cases is recovered in the next payment cycle. If you're asked to return money:\n\nReview the detailed report provided by the M&E team.\nCheck for any duplicate or rejected applications in your submitted work.\nVerify the amount you're being asked to return against the report.\nIf you disagree with the findings, collect evidence and discuss with your supervisor.\nIf the deduction is correct, it will typically be adjusted in your next payment.\n\nHinglish Questions:\n\nXYZ project ke liye kiye gaye applications ke liye jo paise mile the, unhe wapas karne ko kaha gaya hai. Kyun?\nMujhe project par kiye gaye kaam ke payment ko kyun wapas karna pad raha hai?\nOrganization mere payment ka refund maang rahi hai. Mujhe kya karna chahiye?\nKis paristhitiyon mein mujhe project payments wapas karni pad sakti hain?\n\nHinglish Answer:\nCases review karne ke baad, agar M&E team ko backend se koi duplicates ya rejected applications milte hain, to wo cases abort kar diye jaate hain, aur un cases ke liye payment next payment cycle mein recover kiya jata hai. Agar aapse paise wapas karne ko kaha jata hai:\n\nM&E team dwara provide ki gayi detailed report ko review karein.\nApne submit kiye gaye kaam mein kisi bhi duplicate ya rejected applications ke liye check karein.\nJitni amount aapse wapas maangi ja rahi hai, use report ke against verify karein.\nAgar aap findings se disagree karte hain, to evidence collect karein aur apne supervisor se discuss karein.\nAgar deduction sahi hai, to ye typically aapke next payment mein adjust kiya jayega.", "mimetype": "text/plain", "start_char_idx": 21683, "end_char_idx": 23740, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "88b792b9-c388-4e3b-a521-9213b14898ff": {"__data__": {"id_": "88b792b9-c388-4e3b-a521-9213b14898ff", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "e91808ff-f72e-4cd2-a10e-7b7027c3117e", "node_type": "1", "metadata": {}, "hash": "dc3e872285568a065de0c0a8be82fa6a3c06c3418526d1ec99d8751abdec78a1", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "79b10ad5-6204-4319-b7ff-1168bb0268ba", "node_type": "1", "metadata": {}, "hash": "9cfa84672d6ef074383735bd5d3aace6b23c004954ad8cab4d35bea92b873094", "class_name": "RelatedNodeInfo"}}, "text": "Hinglish Answer:\nCases review karne ke baad, agar M&E team ko backend se koi duplicates ya rejected applications milte hain, to wo cases abort kar diye jaate hain, aur un cases ke liye payment next payment cycle mein recover kiya jata hai. Agar aapse paise wapas karne ko kaha jata hai:\n\nM&E team dwara provide ki gayi detailed report ko review karein.\nApne submit kiye gaye kaam mein kisi bhi duplicate ya rejected applications ke liye check karein.\nJitni amount aapse wapas maangi ja rahi hai, use report ke against verify karein.\nAgar aap findings se disagree karte hain, to evidence collect karein aur apne supervisor se discuss karein.\nAgar deduction sahi hai, to ye typically aapke next payment mein adjust kiya jayega.\n\nQ22: Payment Cycle Issues\nEnglish Questions:\n\nWhy was my payment not made during the payment cycle?\nI didn't receive my payment this cycle. What could be the reason?\nHow do I ensure I'm included in the next payment cycle?\nWhat factors determine whether I'm paid in a particular cycle?\n\nEnglish Answer:\nPayment cycle issues can occur due to various reasons:\n\nIt depends upon the bank details that have been provided. If any details are missing or incorrect, there may be a delay in payment.\nEnsure all your work for the cycle has been properly recorded and approved in the system.\nCheck if you've met the minimum threshold for payment, if applicable.\nVerify your account status is active and not suspended for any reason.\nPlease connect with your manager for specific information about the payment cycle and any issues with your account.\n\nIf the problem persists, ask your manager to check with the finance department for any system-related issues.\nHinglish Questions:\n\nPayment cycle ke dauran mera payment kyun nahi hua?\nIs cycle mein mujhe mera payment nahi mila. Iska kya reason ho sakta hai?\nMain kaise ensure karu ki main next payment cycle mein include ho jaun?\nKaun se factors determine karte hain ki mujhe particular cycle mein payment milega ya nahi?\n\nHinglish Answer:\nPayment cycle issues kai reasons se ho sakte hain:\n\nYe provide kiye gaye bank details par depend karta hai.", "mimetype": "text/plain", "start_char_idx": 23015, "end_char_idx": 25126, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "79b10ad5-6204-4319-b7ff-1168bb0268ba": {"__data__": {"id_": "79b10ad5-6204-4319-b7ff-1168bb0268ba", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "88b792b9-c388-4e3b-a521-9213b14898ff", "node_type": "1", "metadata": {}, "hash": "04585e4aba5cfd1dab839b0e462d232a1887aa8492fe2aca8389bcd45c53b274", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "2780b88e-9078-43df-a63d-9a8c6be609ba", "node_type": "1", "metadata": {}, "hash": "67f0db4080c4f2e8aa2f51e2154d1b66ac0efbf5da62133a0704851e63220eeb", "class_name": "RelatedNodeInfo"}}, "text": "Ensure all your work for the cycle has been properly recorded and approved in the system.\nCheck if you've met the minimum threshold for payment, if applicable.\nVerify your account status is active and not suspended for any reason.\nPlease connect with your manager for specific information about the payment cycle and any issues with your account.\n\nIf the problem persists, ask your manager to check with the finance department for any system-related issues.\nHinglish Questions:\n\nPayment cycle ke dauran mera payment kyun nahi hua?\nIs cycle mein mujhe mera payment nahi mila. Iska kya reason ho sakta hai?\nMain kaise ensure karu ki main next payment cycle mein include ho jaun?\nKaun se factors determine karte hain ki mujhe particular cycle mein payment milega ya nahi?\n\nHinglish Answer:\nPayment cycle issues kai reasons se ho sakte hain:\n\nYe provide kiye gaye bank details par depend karta hai. Agar koi details missing ya incorrect hain, to payment mein delay ho sakta hai.\nEnsure karein ki cycle ke liye aapke saare kaam system mein theek se record aur approve hue hain.\nCheck karein ki aapne payment ke liye minimum threshold meet kiya hai ya nahi, agar applicable ho to.\nVerify karein ki aapka account status active hai aur kisi reason se suspended nahi hai.\nPayment cycle aur aapke account ke kisi bhi issue ke baare mein specific information ke liye apne manager se connect karein.\n\nAgar problem bana rehta hai, to apne manager se kahein ki wo finance department se kisi system-related issues ke liye check karein.\n\nQ23: Discrepancy in Number of Applications Paid\nEnglish Questions:\n\nI did a particular number of applications but I received payment for fewer applications. Why?\nThere's a mismatch between the applications I submitted and those I was paid for. How do I resolve this?\nWhy does the payment not reflect all the applications I processed?\nWhat should I do if the number of paid applications doesn't match my records?\n\nEnglish Answer:\nThe number of applications paid for depends upon the case status, i.e., on what stage the case status has been updated and verified will determine the number included in the settlement report. To address this issue:\n\nReview the settlement report carefully.\nCheck the status of each application you submitted.", "mimetype": "text/plain", "start_char_idx": 24232, "end_char_idx": 26491, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "2780b88e-9078-43df-a63d-9a8c6be609ba": {"__data__": {"id_": "2780b88e-9078-43df-a63d-9a8c6be609ba", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "79b10ad5-6204-4319-b7ff-1168bb0268ba", "node_type": "1", "metadata": {}, "hash": "9cfa84672d6ef074383735bd5d3aace6b23c004954ad8cab4d35bea92b873094", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "889775ae-5120-4b1c-8b55-929e79c14bb8", "node_type": "1", "metadata": {}, "hash": "a98ef1dc6eaa5189295497f24d187772d37a8804191c01f57de73441cb0ee9a6", "class_name": "RelatedNodeInfo"}}, "text": "Agar problem bana rehta hai, to apne manager se kahein ki wo finance department se kisi system-related issues ke liye check karein.\n\nQ23: Discrepancy in Number of Applications Paid\nEnglish Questions:\n\nI did a particular number of applications but I received payment for fewer applications. Why?\nThere's a mismatch between the applications I submitted and those I was paid for. How do I resolve this?\nWhy does the payment not reflect all the applications I processed?\nWhat should I do if the number of paid applications doesn't match my records?\n\nEnglish Answer:\nThe number of applications paid for depends upon the case status, i.e., on what stage the case status has been updated and verified will determine the number included in the settlement report. To address this issue:\n\nReview the settlement report carefully.\nCheck the status of each application you submitted.\nUnderstand that only applications that have reached a certain stage (as per project guidelines) may be eligible for payment.\nIf you find a discrepancy, prepare a detailed list of your applications with their current statuses.\nDiscuss the list with your supervisor or project manager for clarification.\nIf there's an error, they can help rectify it for the next payment cycle.\n\nHinglish Questions:\n\nMaine particular number of applications kiye the lekin mujhe kam applications ke liye payment mila. Kyun?\nMere submit kiye gaye applications aur jin ke liye mujhe payment mila, unme mismatch hai. Main ise kaise resolve karu?\nPayment mein mere saare process kiye gaye applications kyun reflect nahi ho rahe?\nAgar paid applications ki sankhya mere records se match nahi karti to mujhe kya karna chahiye?\n\nHinglish Answer:\nPaid applications ki sankhya case status par depend karti hai, yaani kis stage par case status update aur verify hua hai, wo determine karega ki settlement report mein kitne include honge. Is issue ko address karne ke liye:\n\nSettlement report ko dhyan se review karein.\nApne submit kiye har application ke status ko check karein.\nSamjhein ki sirf wo applications jo ek certain stage tak pahunch gaye hain (project guidelines ke anusaar) payment ke liye eligible ho sakte hain.", "mimetype": "text/plain", "start_char_idx": 25621, "end_char_idx": 27786, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "889775ae-5120-4b1c-8b55-929e79c14bb8": {"__data__": {"id_": "889775ae-5120-4b1c-8b55-929e79c14bb8", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "2780b88e-9078-43df-a63d-9a8c6be609ba", "node_type": "1", "metadata": {}, "hash": "67f0db4080c4f2e8aa2f51e2154d1b66ac0efbf5da62133a0704851e63220eeb", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "6c38ece5-f833-48a8-a596-699a8eaebd4d", "node_type": "1", "metadata": {}, "hash": "eb4a8d02d1987522757b7864f02058c1d101cff19821ffc907879a98515846ed", "class_name": "RelatedNodeInfo"}}, "text": "Main ise kaise resolve karu?\nPayment mein mere saare process kiye gaye applications kyun reflect nahi ho rahe?\nAgar paid applications ki sankhya mere records se match nahi karti to mujhe kya karna chahiye?\n\nHinglish Answer:\nPaid applications ki sankhya case status par depend karti hai, yaani kis stage par case status update aur verify hua hai, wo determine karega ki settlement report mein kitne include honge. Is issue ko address karne ke liye:\n\nSettlement report ko dhyan se review karein.\nApne submit kiye har application ke status ko check karein.\nSamjhein ki sirf wo applications jo ek certain stage tak pahunch gaye hain (project guidelines ke anusaar) payment ke liye eligible ho sakte hain.\nAgar aapko koi discrepancy milti hai, to apne applications ki ek detailed list unke current status ke saath taiyar karein.\nClarification ke liye is list ko apne supervisor ya project manager se discuss karein.\nAgar koi error hai, to wo next payment cycle ke liye use rectify karne mein help kar sakte hain.\n\nQ24: Payment Rates for Applications\nEnglish Questions:\n\nHow much payment was given per application for a particular project?\nWhat determines the payment rate for each application?\nIs the payment per application the same for all projects?\nWhere can I find information about the payment rates for my project?\n\nEnglish Answer:\nThe project manager decides the payment for particular schemes and according to that, the researcher will update the rate card. As per the mapped rate card, the payment gets initiated for each project. To understand your payment rates:\n\nAsk your project manager or supervisor for access to the current rate card.\nReview the rate card carefully, noting any variations based on application type or status.\nUnderstand that rates may differ between projects and even between different types of applications within the same project.\nIf you have questions about specific rates, discuss them with your project manager.\nKeep track of any rate changes announced during the project duration.\n\nHinglish Questions:\n\nKisi particular project ke liye per application kitna payment diya gaya?\nHar application ke payment rate ko kya determine karta hai?\nKya saare projects ke liye per application payment same hota hai?", "mimetype": "text/plain", "start_char_idx": 27086, "end_char_idx": 29321, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "6c38ece5-f833-48a8-a596-699a8eaebd4d": {"__data__": {"id_": "6c38ece5-f833-48a8-a596-699a8eaebd4d", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "889775ae-5120-4b1c-8b55-929e79c14bb8", "node_type": "1", "metadata": {}, "hash": "a98ef1dc6eaa5189295497f24d187772d37a8804191c01f57de73441cb0ee9a6", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "160f5173-ce59-4354-bb1b-2ef61fda44bd", "node_type": "1", "metadata": {}, "hash": "eef5b37d7d9efb21d4c5be286998c78bc59ae4bba68d478f12d9274489f385c8", "class_name": "RelatedNodeInfo"}}, "text": "Is the payment per application the same for all projects?\nWhere can I find information about the payment rates for my project?\n\nEnglish Answer:\nThe project manager decides the payment for particular schemes and according to that, the researcher will update the rate card. As per the mapped rate card, the payment gets initiated for each project. To understand your payment rates:\n\nAsk your project manager or supervisor for access to the current rate card.\nReview the rate card carefully, noting any variations based on application type or status.\nUnderstand that rates may differ between projects and even between different types of applications within the same project.\nIf you have questions about specific rates, discuss them with your project manager.\nKeep track of any rate changes announced during the project duration.\n\nHinglish Questions:\n\nKisi particular project ke liye per application kitna payment diya gaya?\nHar application ke payment rate ko kya determine karta hai?\nKya saare projects ke liye per application payment same hota hai?\nMain apne project ke payment rates ke baare mein information kahan se pa sakta/sakti hoon?\n\nHinglish Answer:\nProject manager particular schemes ke liye payment decide karta hai aur uske anusaar, researcher rate card update karega. Mapped rate card ke hisaab se, har project ke liye payment initiate hota hai. Apne payment rates samajhne ke liye:\n\nCurrent rate card tak pahunch ke liye apne project manager ya supervisor se puchein.\nRate card ko dhyan se review karein, application type ya status ke aadhar par kisi bhi variations ko note karein.\nSamjhein ki rates projects ke beech alag ho sakte hain aur yahan tak ki same project ke different types of applications ke beech bhi.\nAgar aapke paas specific rates ke baare mein questions hain, to unhe apne project manager se discuss karein.\nProject duration ke dauran announce kiye gaye kisi bhi rate changes ko track karein.\n\nQ25: Payment for Docket Submitted Applications (continued)\nHinglish Questions:\n\nKya mujhe DS applications ke liye payment milega, chahe beneficiary ko abhi tak benefit na mila ho?\nDocket submitted cases ke liye payment policy kya hai jahan benefits pending hain?\n\nHinglish Answer:\nHaan.", "mimetype": "text/plain", "start_char_idx": 28275, "end_char_idx": 30483, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "160f5173-ce59-4354-bb1b-2ef61fda44bd": {"__data__": {"id_": "160f5173-ce59-4354-bb1b-2ef61fda44bd", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "6c38ece5-f833-48a8-a596-699a8eaebd4d", "node_type": "1", "metadata": {}, "hash": "eb4a8d02d1987522757b7864f02058c1d101cff19821ffc907879a98515846ed", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "b672476d-0dd7-453f-9a5b-8b198624b7e4", "node_type": "1", "metadata": {}, "hash": "bd1e6126964a75f62ca36f07883af19b3fd1a4554910d6bfab7521363e65d7ef", "class_name": "RelatedNodeInfo"}}, "text": "Rate card ko dhyan se review karein, application type ya status ke aadhar par kisi bhi variations ko note karein.\nSamjhein ki rates projects ke beech alag ho sakte hain aur yahan tak ki same project ke different types of applications ke beech bhi.\nAgar aapke paas specific rates ke baare mein questions hain, to unhe apne project manager se discuss karein.\nProject duration ke dauran announce kiye gaye kisi bhi rate changes ko track karein.\n\nQ25: Payment for Docket Submitted Applications (continued)\nHinglish Questions:\n\nKya mujhe DS applications ke liye payment milega, chahe beneficiary ko abhi tak benefit na mila ho?\nDocket submitted cases ke liye payment policy kya hai jahan benefits pending hain?\n\nHinglish Answer:\nHaan. Agar rate card docket submitted status ke liye mapped hai, to jaise hi applications docket submitted status mein aate hain, haqdarshak ko payment mil jayega. Yahan aur details di gayi hain:\n\nPayment achieved status par based hota hai, na ki is baat par ki beneficiary ne benefit receive kiya hai ya nahi.\nAgar rate card \"docket submitted\" status ke liye payment specify karta hai, to aapko payment mil jayega jab applications is stage tak pahunchenge.\nIs case mein, beneficiary ko benefit receive karne mein lagne wala time aapke payment ko affect nahi karega.\nHalaanki, hamesha current rate card verify karein kyunki projects ke beech policies badal sakti hain.\nApne saare docket submitted applications ke accurate records rakhein, agar verification ki zarurat pade to.\n\n## Q26: OTP Not Received\n\n**English Questions:**\n- Even after waiting for long, OTP did not come. What should I do?\n- I'm not receiving the OTP. How can I fix this?\n- The OTP is taking too long to arrive. What's the problem?\n- Why am I not getting the OTP on my phone?\n\n**English Answer:**\nThe user must have an active plan on their provided number and must have network coverage. The user can troubleshoot by toggling the airplane mode on and then off on their phone.", "mimetype": "text/plain", "start_char_idx": 29754, "end_char_idx": 31724, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "b672476d-0dd7-453f-9a5b-8b198624b7e4": {"__data__": {"id_": "b672476d-0dd7-453f-9a5b-8b198624b7e4", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "160f5173-ce59-4354-bb1b-2ef61fda44bd", "node_type": "1", "metadata": {}, "hash": "eef5b37d7d9efb21d4c5be286998c78bc59ae4bba68d478f12d9274489f385c8", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "46074827-aca5-4bc0-8450-1cc7ae4b8581", "node_type": "1", "metadata": {}, "hash": "da9f606143211dcb81fd2edc35b302417284150c56ca5f511392c57a1b709aa2", "class_name": "RelatedNodeInfo"}}, "text": "Is case mein, beneficiary ko benefit receive karne mein lagne wala time aapke payment ko affect nahi karega.\nHalaanki, hamesha current rate card verify karein kyunki projects ke beech policies badal sakti hain.\nApne saare docket submitted applications ke accurate records rakhein, agar verification ki zarurat pade to.\n\n## Q26: OTP Not Received\n\n**English Questions:**\n- Even after waiting for long, OTP did not come. What should I do?\n- I'm not receiving the OTP. How can I fix this?\n- The OTP is taking too long to arrive. What's the problem?\n- Why am I not getting the OTP on my phone?\n\n**English Answer:**\nThe user must have an active plan on their provided number and must have network coverage. The user can troubleshoot by toggling the airplane mode on and then off on their phone. If the issue persists, check if the correct mobile number is registered in the app.\n\n**Hinglish Questions:**\n- Bahut der intezaar karne ke baad bhi OTP nahi aaya. Kya karna chahiye?\n- Mujhe OTP nahi mil raha hai. Ise kaise theek kar sakta/sakti hoon?\n- OTP aane mein bahut time lag raha hai. Kya problem ho sakti hai?\n- Mere phone par OTP kyun nahi aa raha hai?\n\n**Hinglish Answer:**\nUser ke paas apne diye gaye number par active plan hona chahiye aur network coverage honi chahiye. User apne phone par airplane mode on aur phir off karke troubleshoot kar sakta hai. Agar problem bani rahti hai, to check karein ki app mein sahi mobile number registered hai ya nahi.\n\n## Q27: OTP Timeout\n\n**English Questions:**\n- OTP was delivered, but by the time I entered it, it got timed out. What now?\n- The OTP expired before I could enter it. How do I get a new one?\n- I received the OTP but it timed out. What should I do?\n- The OTP validity period ended before I could use it. How to proceed?\n\n**English Answer:**\nIf the OTP expires, you should click the resend OTP button.", "mimetype": "text/plain", "start_char_idx": 30936, "end_char_idx": 32791, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "46074827-aca5-4bc0-8450-1cc7ae4b8581": {"__data__": {"id_": "46074827-aca5-4bc0-8450-1cc7ae4b8581", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "b672476d-0dd7-453f-9a5b-8b198624b7e4", "node_type": "1", "metadata": {}, "hash": "bd1e6126964a75f62ca36f07883af19b3fd1a4554910d6bfab7521363e65d7ef", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "da081514-32e3-43c9-a641-fc4961aeb8f1", "node_type": "1", "metadata": {}, "hash": "7578527b9bf3d1487c4f8025ea92cbb57cfa545a62edd718a165645a1b65d6c9", "class_name": "RelatedNodeInfo"}}, "text": "**Hinglish Answer:**\nUser ke paas apne diye gaye number par active plan hona chahiye aur network coverage honi chahiye. User apne phone par airplane mode on aur phir off karke troubleshoot kar sakta hai. Agar problem bani rahti hai, to check karein ki app mein sahi mobile number registered hai ya nahi.\n\n## Q27: OTP Timeout\n\n**English Questions:**\n- OTP was delivered, but by the time I entered it, it got timed out. What now?\n- The OTP expired before I could enter it. How do I get a new one?\n- I received the OTP but it timed out. What should I do?\n- The OTP validity period ended before I could use it. How to proceed?\n\n**English Answer:**\nIf the OTP expires, you should click the resend OTP button. This will generate a new OTP which you can use to complete the process. Make sure to enter the new OTP promptly to avoid another timeout.\n\n**Hinglish Questions:**\n- OTP deliver ho gaya, lekin jab tak main enter karta/karti, wo time out ho gaya. Ab kya karein?\n- OTP expire ho gaya isse pehle ki main use enter kar paata/paati. Naya OTP kaise milega?\n- Mujhe OTP mila lekin wo time out ho gaya. Kya karna chahiye?\n- OTP ki validity khatam ho gayi isse pehle ki main use kar paata/paati. Aage kya karein?\n\n**Hinglish Answer:**\nAgar OTP expire ho jata hai, to aapko resend OTP button par click karna chahiye. Isse ek naya OTP generate hoga jise aap process complete karne ke liye use kar sakte hain. Dhyan rakhein ki naye OTP ko jaldi enter karein taki dobara timeout na ho.\n\n## Q28: Citizen Hesitation in Sharing OTP\n\n**English Questions:**\n- Citizens were hesitant to share the OTP. How should I handle this?\n- What should I do if people are reluctant to give their OTP?\n- How can I convince citizens to share their OTP?\n- People are skeptical about sharing OTP. What's the best approach?", "mimetype": "text/plain", "start_char_idx": 32088, "end_char_idx": 33879, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "da081514-32e3-43c9-a641-fc4961aeb8f1": {"__data__": {"id_": "da081514-32e3-43c9-a641-fc4961aeb8f1", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "46074827-aca5-4bc0-8450-1cc7ae4b8581", "node_type": "1", "metadata": {}, "hash": "da9f606143211dcb81fd2edc35b302417284150c56ca5f511392c57a1b709aa2", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "29bf10fc-248f-4095-9e35-4f679dfebc96", "node_type": "1", "metadata": {}, "hash": "48f8c38d307303cd32b9e7b61e424f602a98ade10cfcbbc2da235ff456650143", "class_name": "RelatedNodeInfo"}}, "text": "Kya karna chahiye?\n- OTP ki validity khatam ho gayi isse pehle ki main use kar paata/paati. Aage kya karein?\n\n**Hinglish Answer:**\nAgar OTP expire ho jata hai, to aapko resend OTP button par click karna chahiye. Isse ek naya OTP generate hoga jise aap process complete karne ke liye use kar sakte hain. Dhyan rakhein ki naye OTP ko jaldi enter karein taki dobara timeout na ho.\n\n## Q28: Citizen Hesitation in Sharing OTP\n\n**English Questions:**\n- Citizens were hesitant to share the OTP. How should I handle this?\n- What should I do if people are reluctant to give their OTP?\n- How can I convince citizens to share their OTP?\n- People are skeptical about sharing OTP. What's the best approach?\n\n**English Answer:**\nThe Haqdarshak needs to explain to the citizen why the OTP is needed, with full information about our T&C and benefits. Assure them about the security measures in place and that the OTP is only used for verification purposes. Explain that sharing the OTP is necessary to access the services they're interested in.\n\n**Hinglish Questions:**\n- Citizens OTP share karne mein hesitate kar rahe the. Ise kaise handle karu?\n- Agar log OTP dene mein reluctant hain to kya karna chahiye?\n- Main citizens ko OTP share karne ke liye kaise convince kar sakta/sakti hoon?\n- Log OTP share karne ko lekar shankalu hain. Iske liye best approach kya hai?\n\n**Hinglish Answer:**\nHaqdarshak ko citizen ko samjhana chahiye ki OTP kyun zaroori hai, hamare T&C aur benefits ke baare mein puri jankari ke saath. Unhe security measures ke baare mein assure karein aur batayein ki OTP sirf verification ke liye use hota hai. Samjhayein ki OTP share karna un services tak pahunchne ke liye zaroori hai jinme wo interested hain.", "mimetype": "text/plain", "start_char_idx": 33186, "end_char_idx": 34901, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "29bf10fc-248f-4095-9e35-4f679dfebc96": {"__data__": {"id_": "29bf10fc-248f-4095-9e35-4f679dfebc96", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "da081514-32e3-43c9-a641-fc4961aeb8f1", "node_type": "1", "metadata": {}, "hash": "7578527b9bf3d1487c4f8025ea92cbb57cfa545a62edd718a165645a1b65d6c9", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa", "node_type": "1", "metadata": {}, "hash": "fdb19d8be1edca8b1139960ac4cd34aa410a3de226d7c52f610ddcc8ddcf8659", "class_name": "RelatedNodeInfo"}}, "text": "Ise kaise handle karu?\n- Agar log OTP dene mein reluctant hain to kya karna chahiye?\n- Main citizens ko OTP share karne ke liye kaise convince kar sakta/sakti hoon?\n- Log OTP share karne ko lekar shankalu hain. Iske liye best approach kya hai?\n\n**Hinglish Answer:**\nHaqdarshak ko citizen ko samjhana chahiye ki OTP kyun zaroori hai, hamare T&C aur benefits ke baare mein puri jankari ke saath. Unhe security measures ke baare mein assure karein aur batayein ki OTP sirf verification ke liye use hota hai. Samjhayein ki OTP share karna un services tak pahunchne ke liye zaroori hai jinme wo interested hain.\n\n## Q29: OTP Bypass\n\n**English Questions:**\n- Is there a way to bypass the OTP where the citizen is reluctant to share the OTP?\n- Can we skip the OTP step if the citizen doesn't want to share it?\n- What alternatives are there if someone refuses to give their OTP?\n- Is OTP mandatory or can it be avoided in some cases?\n\n**English Answer:**\nOTP is the citizen's consent and cannot be bypassed. Haqdarshaks need to convince the citizen of the reason we collect the OTP. Explain that it's a security measure for their benefit and protection. If they still refuse, you cannot proceed with the process for that citizen.\n\n**Hinglish Questions:**\n- Kya OTP ko bypass karne ka koi tarika hai jahan citizen OTP share karne mein reluctant hai?\n- Kya hum OTP step ko skip kar sakte hain agar citizen use share nahi karna chahta?\n- Agar koi OTP dene se mana karta hai to kya alternatives hain?\n- Kya OTP mandatory hai ya kuch cases mein ise avoid kiya ja sakta hai?\n\n**Hinglish Answer:**\nOTP citizen ki consent hai aur ise bypass nahi kiya ja sakta. Haqdarshaks ko citizen ko OTP collect karne ka karan samjhana zaroori hai. Samjhayein ki ye unke benefit aur protection ke liye ek security measure hai.", "mimetype": "text/plain", "start_char_idx": 34295, "end_char_idx": 36092, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa": {"__data__": {"id_": "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "29bf10fc-248f-4095-9e35-4f679dfebc96", "node_type": "1", "metadata": {}, "hash": "48f8c38d307303cd32b9e7b61e424f602a98ade10cfcbbc2da235ff456650143", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f", "node_type": "1", "metadata": {}, "hash": "e8f5f397a0c65234b7f580c4ffbaa9dd685d1361025bfe2a6701751755f36a78", "class_name": "RelatedNodeInfo"}}, "text": "Explain that it's a security measure for their benefit and protection. If they still refuse, you cannot proceed with the process for that citizen.\n\n**Hinglish Questions:**\n- Kya OTP ko bypass karne ka koi tarika hai jahan citizen OTP share karne mein reluctant hai?\n- Kya hum OTP step ko skip kar sakte hain agar citizen use share nahi karna chahta?\n- Agar koi OTP dene se mana karta hai to kya alternatives hain?\n- Kya OTP mandatory hai ya kuch cases mein ise avoid kiya ja sakta hai?\n\n**Hinglish Answer:**\nOTP citizen ki consent hai aur ise bypass nahi kiya ja sakta. Haqdarshaks ko citizen ko OTP collect karne ka karan samjhana zaroori hai. Samjhayein ki ye unke benefit aur protection ke liye ek security measure hai. Agar wo phir bhi mana karte hain, to aap us citizen ke liye process aage nahi badha sakte.\n\n## Q30: OTP Received on Different Number\n\n**English Questions:**\n- OTP was received in a different number. What should I do?\n- The OTP went to the wrong phone number. How can I fix this?\n- I'm not getting the OTP on my registered number. What's wrong?\n- The system is sending OTP to an incorrect number. How to resolve this?\n\n**English Answer:**\nPlease verify the number carefully. Only the number entered during registration will receive the OTP. If the OTP is going to a different number, it means that number was used during registration. You may need to update your registered mobile number in the app settings or contact support for assistance.\n\n**Hinglish Questions:**\n- OTP dusre number par receive hua. Kya karna chahiye?\n- OTP galat phone number par chala gaya. Ise kaise theek kar sakta/sakti hoon?\n- Mujhe apne registered number par OTP nahi mil raha. Kya galat hai?\n- System galat number par OTP bhej raha hai. Ise kaise solve karein?\n\n**Hinglish Answer:**\nKripya number ko dhyan se verify karein. Sirf registration ke samay enter kiya gaya number hi OTP receive karega.", "mimetype": "text/plain", "start_char_idx": 35370, "end_char_idx": 37267, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f": {"__data__": {"id_": "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa", "node_type": "1", "metadata": {}, "hash": "fdb19d8be1edca8b1139960ac4cd34aa410a3de226d7c52f610ddcc8ddcf8659", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "026deff9-e172-4d98-82cc-712515a0d142", "node_type": "1", "metadata": {}, "hash": "04216a84dbcb90b984675834385db4b42345ae423d23018c0454b7f35d577045", "class_name": "RelatedNodeInfo"}}, "text": "Only the number entered during registration will receive the OTP. If the OTP is going to a different number, it means that number was used during registration. You may need to update your registered mobile number in the app settings or contact support for assistance.\n\n**Hinglish Questions:**\n- OTP dusre number par receive hua. Kya karna chahiye?\n- OTP galat phone number par chala gaya. Ise kaise theek kar sakta/sakti hoon?\n- Mujhe apne registered number par OTP nahi mil raha. Kya galat hai?\n- System galat number par OTP bhej raha hai. Ise kaise solve karein?\n\n**Hinglish Answer:**\nKripya number ko dhyan se verify karein. Sirf registration ke samay enter kiya gaya number hi OTP receive karega. Agar OTP kisi alag number par ja raha hai, to iska matlab hai ki woh number registration ke samay use hua tha. Aapko app settings mein apna registered mobile number update karna pad sakta hai ya assistance ke liye support se contact karna pad sakta hai.\n\n## Q31: Login Issues\n\n**English Questions:**\n- I am not able to Login to the APP with the login ID credentials. What should I do?\n- The app is not accepting my login credentials. How can I fix this?\n- I'm having trouble logging into the app. What could be the problem?\n- Why am I unable to access the app with my login ID?\n\n**English Answer:**\nIf the user has entered the correct username, password and product key, then the login will happen properly. If a previous device is registered, the user will see the \"user exceeded\" error. If the user has not opened the app in over 14 days, then the user will get an error pop up that their account is inactive. Double-check your credentials, ensure you're using the correct device, and if the problem persists, contact support.\n\n**Hinglish Questions:**\n- Main login ID credentials se APP mein Login nahi kar pa raha/rahi hoon. Kya karna chahiye?\n- App mere login credentials accept nahi kar raha. Ise kaise theek kar sakta/sakti hoon?", "mimetype": "text/plain", "start_char_idx": 36567, "end_char_idx": 38503, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "026deff9-e172-4d98-82cc-712515a0d142": {"__data__": {"id_": "026deff9-e172-4d98-82cc-712515a0d142", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f", "node_type": "1", "metadata": {}, "hash": "e8f5f397a0c65234b7f580c4ffbaa9dd685d1361025bfe2a6701751755f36a78", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "41865b0a-f466-4af8-bb63-d65448869e93", "node_type": "1", "metadata": {}, "hash": "716836a23aaee7cd4a3b2581e0f1318d741fb592520645bebd915ba4ca4d11c7", "class_name": "RelatedNodeInfo"}}, "text": "How can I fix this?\n- I'm having trouble logging into the app. What could be the problem?\n- Why am I unable to access the app with my login ID?\n\n**English Answer:**\nIf the user has entered the correct username, password and product key, then the login will happen properly. If a previous device is registered, the user will see the \"user exceeded\" error. If the user has not opened the app in over 14 days, then the user will get an error pop up that their account is inactive. Double-check your credentials, ensure you're using the correct device, and if the problem persists, contact support.\n\n**Hinglish Questions:**\n- Main login ID credentials se APP mein Login nahi kar pa raha/rahi hoon. Kya karna chahiye?\n- App mere login credentials accept nahi kar raha. Ise kaise theek kar sakta/sakti hoon?\n- Mujhe app mein login karne mein problem ho rahi hai. Kya problem ho sakti hai?\n- Main apne login ID se app access kyun nahi kar pa raha/rahi hoon?\n\n**Hinglish Answer:**\nAgar user ne sahi username, password aur product key enter kiya hai, to login theek se ho jayega. Agar pehle se koi device registered hai, to user ko \"user exceeded\" error dikhega. Agar user ne 14 din se zyada app nahi khola hai, to user ko error pop up milega ki unka account inactive hai. Apne credentials double-check karein, ensure karein ki aap sahi device use kar rahe hain, aur agar problem bani rahti hai, to support se contact karein.\n\n## Q32: Slow Data Sync After Uploading Proofs\n\n**English Questions:**\n- After uploading the proofs, it takes a long time to sync the data in the HD app. Why?\n- The app is very slow in syncing data after I upload proofs. How can I speed this up?\n- Why does data syncing take so long after uploading documents?\n- Is there a way to make the data sync faster after uploading proofs?\n\n**English Answer:**\nMake sure the network coverage is strong while uploading the proof to avoid any errors. Weak or unstable internet connections can significantly slow down the syncing process.", "mimetype": "text/plain", "start_char_idx": 37702, "end_char_idx": 39694, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "41865b0a-f466-4af8-bb63-d65448869e93": {"__data__": {"id_": "41865b0a-f466-4af8-bb63-d65448869e93", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "026deff9-e172-4d98-82cc-712515a0d142", "node_type": "1", "metadata": {}, "hash": "04216a84dbcb90b984675834385db4b42345ae423d23018c0454b7f35d577045", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "8eee4a42-8c54-47d8-b806-f666e7dff495", "node_type": "1", "metadata": {}, "hash": "11f1dc436aee74b5ac60f2192882540d1689fb293a7f9e96acedd10a3bfba1a0", "class_name": "RelatedNodeInfo"}}, "text": "Apne credentials double-check karein, ensure karein ki aap sahi device use kar rahe hain, aur agar problem bani rahti hai, to support se contact karein.\n\n## Q32: Slow Data Sync After Uploading Proofs\n\n**English Questions:**\n- After uploading the proofs, it takes a long time to sync the data in the HD app. Why?\n- The app is very slow in syncing data after I upload proofs. How can I speed this up?\n- Why does data syncing take so long after uploading documents?\n- Is there a way to make the data sync faster after uploading proofs?\n\n**English Answer:**\nMake sure the network coverage is strong while uploading the proof to avoid any errors. Weak or unstable internet connections can significantly slow down the syncing process. If possible, try syncing when you have a strong Wi-Fi or mobile data connection. If the problem persists even with good internet, try closing and reopening the app.\n\n**Hinglish Questions:**\n- Proofs upload karne ke baad, HD app mein data sync hone mein bahut time lagta hai. Kyun?\n- Proofs upload karne ke baad app data sync karne mein bahut slow hai. Ise kaise speed up kar sakta/sakti hoon?\n- Documents upload karne ke baad data syncing itna time kyun leti hai?\n- Proofs upload karne ke baad data sync ko faster banane ka koi tarika hai?\n\n**Hinglish Answer:**\nProof upload karte samay ensure karein ki network coverage strong ho taki koi error na ho. Weak ya unstable internet connections syncing process ko kaafi slow kar sakte hain. Agar possible ho, to strong Wi-Fi ya mobile data connection hone par sync karne ki koshish karein. Agar acche internet ke saath bhi problem bani rahti hai, to app ko band karke dobara kholne ki koshish karein.\n\n## Q33: Slow App Data Sync\n\n**English Questions:**\n- App data sync up is very slow. How can I improve it?\n- Why is the app taking so long to sync data?\n- Is there a way to speed up the app's data synchronization?\n- The app's data sync is sluggish. What could be the reason?", "mimetype": "text/plain", "start_char_idx": 38966, "end_char_idx": 40916, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "8eee4a42-8c54-47d8-b806-f666e7dff495": {"__data__": {"id_": "8eee4a42-8c54-47d8-b806-f666e7dff495", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "41865b0a-f466-4af8-bb63-d65448869e93", "node_type": "1", "metadata": {}, "hash": "716836a23aaee7cd4a3b2581e0f1318d741fb592520645bebd915ba4ca4d11c7", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "a1d9a7e2-807c-4234-87aa-fb04d212b1d6", "node_type": "1", "metadata": {}, "hash": "75d2d3d0991c6652d77d07525a821bd60a9e636a25bc8d85230adc12551f1bde", "class_name": "RelatedNodeInfo"}}, "text": "**Hinglish Answer:**\nProof upload karte samay ensure karein ki network coverage strong ho taki koi error na ho. Weak ya unstable internet connections syncing process ko kaafi slow kar sakte hain. Agar possible ho, to strong Wi-Fi ya mobile data connection hone par sync karne ki koshish karein. Agar acche internet ke saath bhi problem bani rahti hai, to app ko band karke dobara kholne ki koshish karein.\n\n## Q33: Slow App Data Sync\n\n**English Questions:**\n- App data sync up is very slow. How can I improve it?\n- Why is the app taking so long to sync data?\n- Is there a way to speed up the app's data synchronization?\n- The app's data sync is sluggish. What could be the reason?\n\n**English Answer:**\nMake sure the network coverage is strong. Weak internet connections can significantly slow down the syncing process. Try these steps:\n1. Check your internet connection and switch to a stronger network if possible.\n2. Close other apps running in the background to free up device resources.\n3. Clear the app's cache from your device settings.\n4. If the problem persists, try uninstalling and reinstalling the app.\n\n**Hinglish Questions:**\n- App data sync up bahut slow hai. Main ise kaise improve kar sakta/sakti hoon?\n- App data sync karne mein itna time kyun le raha hai?\n- App ka data synchronization speed up karne ka koi tarika hai?\n- App ka data sync bahut dheema hai. Iska kya reason ho sakta hai?\n\n**Hinglish Answer:**\nEnsure karein ki network coverage strong ho. Weak internet connections syncing process ko kaafi slow kar sakte hain. In steps ko try karein:\n1. Apna internet connection check karein aur agar possible ho to stronger network par switch karein.\n2. Device resources free karne ke liye background mein chal rahe dusre apps ko band karein.\n3. Device settings se app ka cache clear karein.\n4. Agar problem bani rahti hai, to app ko uninstall karke dobara install karne ki koshish karein.", "mimetype": "text/plain", "start_char_idx": 40236, "end_char_idx": 42143, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "a1d9a7e2-807c-4234-87aa-fb04d212b1d6": {"__data__": {"id_": "a1d9a7e2-807c-4234-87aa-fb04d212b1d6", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "8eee4a42-8c54-47d8-b806-f666e7dff495", "node_type": "1", "metadata": {}, "hash": "11f1dc436aee74b5ac60f2192882540d1689fb293a7f9e96acedd10a3bfba1a0", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "c002f794-a118-4596-8fc5-1a583fc1cd8e", "node_type": "1", "metadata": {}, "hash": "3b59c149ea4692802a2acb654aa841f9d5cf1fa6c1dec35488de14c5d0a98651", "class_name": "RelatedNodeInfo"}}, "text": "- App data sync karne mein itna time kyun le raha hai?\n- App ka data synchronization speed up karne ka koi tarika hai?\n- App ka data sync bahut dheema hai. Iska kya reason ho sakta hai?\n\n**Hinglish Answer:**\nEnsure karein ki network coverage strong ho. Weak internet connections syncing process ko kaafi slow kar sakte hain. In steps ko try karein:\n1. Apna internet connection check karein aur agar possible ho to stronger network par switch karein.\n2. Device resources free karne ke liye background mein chal rahe dusre apps ko band karein.\n3. Device settings se app ka cache clear karein.\n4. Agar problem bani rahti hai, to app ko uninstall karke dobara install karne ki koshish karein.\n\n## Q34: App Restart While Creating Profile\n\n**English Questions:**\n- While creating the profile, suddenly the App restarts. What should I do?\n- The app keeps crashing when I try to create a profile. How can I fix this?\n- Why does the app restart itself when I'm in the middle of profile creation?\n- I'm unable to complete profile creation because the app restarts. Help?\n\n**English Answer:**\nThis issue was occurring earlier and now has been fixed. However, if you're still experiencing this problem:\n1. Ensure you have the latest version of the app installed.\n2. Clear the app's cache and data from your device settings.\n3. If the problem persists, try uninstalling and reinstalling the app.\n4. Make sure your device has enough free storage and memory.\n5. If none of these steps work, contact the app's support team for further assistance.\n\n**Hinglish Questions:**\n- Profile create karte samay achanak App restart ho jata hai. Kya karna chahiye?\n- Jab main profile banane ki koshish karta/karti hoon to app baar-baar crash ho jata hai. Ise kaise theek kar sakta/sakti hoon?\n- Profile creation ke beech mein app khud kyun restart ho jata hai?\n- App restart hone ki wajah se main profile creation complete nahi kar pa raha/rahi hoon. Help?", "mimetype": "text/plain", "start_char_idx": 41455, "end_char_idx": 43383, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "c002f794-a118-4596-8fc5-1a583fc1cd8e": {"__data__": {"id_": "c002f794-a118-4596-8fc5-1a583fc1cd8e", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "a1d9a7e2-807c-4234-87aa-fb04d212b1d6", "node_type": "1", "metadata": {}, "hash": "75d2d3d0991c6652d77d07525a821bd60a9e636a25bc8d85230adc12551f1bde", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "35e2081d-5288-4b59-8e8d-3e956a47ae9c", "node_type": "1", "metadata": {}, "hash": "701da727c4e741b91f32cb8cc9c35284afe5e53882b404a46b04b6526a4f9b1c", "class_name": "RelatedNodeInfo"}}, "text": "Ensure you have the latest version of the app installed.\n2. Clear the app's cache and data from your device settings.\n3. If the problem persists, try uninstalling and reinstalling the app.\n4. Make sure your device has enough free storage and memory.\n5. If none of these steps work, contact the app's support team for further assistance.\n\n**Hinglish Questions:**\n- Profile create karte samay achanak App restart ho jata hai. Kya karna chahiye?\n- Jab main profile banane ki koshish karta/karti hoon to app baar-baar crash ho jata hai. Ise kaise theek kar sakta/sakti hoon?\n- Profile creation ke beech mein app khud kyun restart ho jata hai?\n- App restart hone ki wajah se main profile creation complete nahi kar pa raha/rahi hoon. Help?\n\n**Hinglish Answer:**\nYe issue pehle ho raha tha aur ab fix kar diya gaya hai. Lekin, agar aap abhi bhi is problem ka saamna kar rahe hain:\n1. Ensure karein ki aapke paas app ka latest version installed hai.\n2. Device settings se app ka cache aur data clear karein.\n3. Agar problem bani rahti hai, to app ko uninstall karke dobara install karne ki koshish karein.\n4. Ensure karein ki aapke device mein kaafi free storage aur memory hai.\n5. Agar in steps se koi fark nahi padta, to further assistance ke liye app ke support team se contact karein.\n\nQ35: Eligible Schemes Not Showing\nEnglish Questions:\n\nEven if the citizen is eligible, certain schemes do not show in the eligible schemes. Why?\nSome schemes are missing from the eligible list despite the citizen qualifying. What's wrong?\nWhy aren't all eligible schemes appearing for a citizen?\nHow can I ensure all relevant schemes show up for an eligible citizen?\n\nEnglish Answer:\nIf the questionnaire is completed correctly, the relevant schemes will be shown as per the eligibility criteria. To address this issue:\nEnsure that the scheme you are looking for is mapped under your organization.\nDouble-check that all questionnaire answers are accurate and complete.\nVerify that you have the latest app version and data update.", "mimetype": "text/plain", "start_char_idx": 42649, "end_char_idx": 44661, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "35e2081d-5288-4b59-8e8d-3e956a47ae9c": {"__data__": {"id_": "35e2081d-5288-4b59-8e8d-3e956a47ae9c", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "c002f794-a118-4596-8fc5-1a583fc1cd8e", "node_type": "1", "metadata": {}, "hash": "3b59c149ea4692802a2acb654aa841f9d5cf1fa6c1dec35488de14c5d0a98651", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c", "node_type": "1", "metadata": {}, "hash": "4754efba725c737d5d5dbf4ecf7a90de18eb5b93c0bc77032199e0c2917a7848", "class_name": "RelatedNodeInfo"}}, "text": "4. Ensure karein ki aapke device mein kaafi free storage aur memory hai.\n5. Agar in steps se koi fark nahi padta, to further assistance ke liye app ke support team se contact karein.\n\nQ35: Eligible Schemes Not Showing\nEnglish Questions:\n\nEven if the citizen is eligible, certain schemes do not show in the eligible schemes. Why?\nSome schemes are missing from the eligible list despite the citizen qualifying. What's wrong?\nWhy aren't all eligible schemes appearing for a citizen?\nHow can I ensure all relevant schemes show up for an eligible citizen?\n\nEnglish Answer:\nIf the questionnaire is completed correctly, the relevant schemes will be shown as per the eligibility criteria. To address this issue:\nEnsure that the scheme you are looking for is mapped under your organization.\nDouble-check that all questionnaire answers are accurate and complete.\nVerify that you have the latest app version and data update.\nCheck if the scheme is active and currently available in your region.\nIf all seems correct but schemes are still missing, try these steps:\na. Perform a data sync in the app.\nb. Log out and log back into the app.\nc. Clear the app cache and restart the app.\nIf the problem persists, report the issue to your supervisor or the technical support team, providing specific examples of missing schemes.\n\nHinglish Questions:\n\nCitizen eligible hone ke bawajood, kuch schemes eligible schemes mein nahi dikhte. Kyun?\nCitizen qualify karne ke bawajood kuch schemes eligible list se gayab hain. Kya galat hai?\nCitizen ke liye saare eligible schemes kyun nahi dikh rahe hain?\nMain kaise ensure kar sakta/sakti hoon ki eligible citizen ke liye saare relevant schemes dikhen?\n\nHinglish Answer:\nAgar questionnaire sahi se complete kiya gaya hai, to eligibility criteria ke hisaab se relevant schemes dikhaye jayenge. Is issue ko address karne ke liye:\n\nEnsure karein ki jis scheme ko aap dhoondh rahe hain wo aapke organization ke under mapped hai.\nDouble-check karein ki saare questionnaire answers accurate aur complete hain.\nVerify karein ki aapke paas latest app version aur data update hai.\nCheck karein ki scheme active hai aur currently aapke region mein available hai.", "mimetype": "text/plain", "start_char_idx": 43748, "end_char_idx": 45922, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c": {"__data__": {"id_": "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "35e2081d-5288-4b59-8e8d-3e956a47ae9c", "node_type": "1", "metadata": {}, "hash": "701da727c4e741b91f32cb8cc9c35284afe5e53882b404a46b04b6526a4f9b1c", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "d601700a-368f-4017-b334-d46d10325bbb", "node_type": "1", "metadata": {}, "hash": "bb75a0931e693a203d8ab91d469174fb86293bbab9913b0e0646279f6696a3be", "class_name": "RelatedNodeInfo"}}, "text": "Citizen qualify karne ke bawajood kuch schemes eligible list se gayab hain. Kya galat hai?\nCitizen ke liye saare eligible schemes kyun nahi dikh rahe hain?\nMain kaise ensure kar sakta/sakti hoon ki eligible citizen ke liye saare relevant schemes dikhen?\n\nHinglish Answer:\nAgar questionnaire sahi se complete kiya gaya hai, to eligibility criteria ke hisaab se relevant schemes dikhaye jayenge. Is issue ko address karne ke liye:\n\nEnsure karein ki jis scheme ko aap dhoondh rahe hain wo aapke organization ke under mapped hai.\nDouble-check karein ki saare questionnaire answers accurate aur complete hain.\nVerify karein ki aapke paas latest app version aur data update hai.\nCheck karein ki scheme active hai aur currently aapke region mein available hai.\nAgar sab kuch sahi lagta hai lekin phir bhi schemes missing hain, to in steps ko try karein:\na. App mein data sync perform karein.\nb. App se logout karein aur phir se login karein.\nc. App cache clear karein aur app ko restart karein.\nAgar problem bani rehti hai, to issue ko apne supervisor ya technical support team ko report karein, missing schemes ke specific examples provide karte hue.\n\n## Q36: Unable to Create Case for Citizen\n\n**English Questions:**\n- I am not able to create a case for a citizen in the App. What should I do?\n- The app won't let me create a new case for a citizen. How can I fix this?\n- Why am I having trouble creating a citizen case in the application?\n- What are the steps to successfully create a case for a citizen?\n\n**English Answer:**\nBefore creating a case, first the haqdarshak needs to add the family. After adding the family, the haqdarshak needs to fill the questionnaire. Then according to the filled questions, a case can be opened for a scheme or document. Follow these steps:\n1. Add the family details in the app.\n2. Complete the questionnaire thoroughly.\n3. Based on the answers, select the appropriate scheme or document.\n4. Create the case for the selected scheme or document.", "mimetype": "text/plain", "start_char_idx": 45169, "end_char_idx": 47144, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "d601700a-368f-4017-b334-d46d10325bbb": {"__data__": {"id_": "d601700a-368f-4017-b334-d46d10325bbb", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c", "node_type": "1", "metadata": {}, "hash": "4754efba725c737d5d5dbf4ecf7a90de18eb5b93c0bc77032199e0c2917a7848", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "fbae5f18-728a-4c9e-a69a-4dcc99522076", "node_type": "1", "metadata": {}, "hash": "90beea326759848103afa0ab8454a69b8bdca72e574e6a66d9c6f2d32f2420de", "class_name": "RelatedNodeInfo"}}, "text": "## Q36: Unable to Create Case for Citizen\n\n**English Questions:**\n- I am not able to create a case for a citizen in the App. What should I do?\n- The app won't let me create a new case for a citizen. How can I fix this?\n- Why am I having trouble creating a citizen case in the application?\n- What are the steps to successfully create a case for a citizen?\n\n**English Answer:**\nBefore creating a case, first the haqdarshak needs to add the family. After adding the family, the haqdarshak needs to fill the questionnaire. Then according to the filled questions, a case can be opened for a scheme or document. Follow these steps:\n1. Add the family details in the app.\n2. Complete the questionnaire thoroughly.\n3. Based on the answers, select the appropriate scheme or document.\n4. Create the case for the selected scheme or document.\nIf you're still having issues, check your app permissions and internet connection.\n\n**Hinglish Questions:**\n- Main App mein citizen ke liye case create nahi kar pa raha/rahi hoon. Kya karna chahiye?\n- App mujhe citizen ke liye naya case banane nahi de raha. Ise kaise theek kar sakta/sakti hoon?\n- Mujhe application mein citizen case create karne mein problem kyun ho rahi hai?\n- Citizen ke liye case successfully create karne ke steps kya hain?\n\n**Hinglish Answer:**\nCase create karne se pehle, haqdarshak ko family add karna zaroori hai. Family add karne ke baad, haqdarshak ko questionnaire bharna hoga. Phir bhare gaye questions ke hisaab se, scheme ya document ke liye case khola ja sakta hai. In steps ko follow karein:\n1. App mein family details add karein.\n2. Questionnaire ko puri tarah se complete karein.\n3. Answers ke aadhar par, appropriate scheme ya document select karein.\n4. Selected scheme ya document ke liye case create karein.\nAgar aapko abhi bhi issues aa rahe hain, to apne app permissions aur internet connection check karein.", "mimetype": "text/plain", "start_char_idx": 46315, "end_char_idx": 48194, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "fbae5f18-728a-4c9e-a69a-4dcc99522076": {"__data__": {"id_": "fbae5f18-728a-4c9e-a69a-4dcc99522076", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "d601700a-368f-4017-b334-d46d10325bbb", "node_type": "1", "metadata": {}, "hash": "bb75a0931e693a203d8ab91d469174fb86293bbab9913b0e0646279f6696a3be", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5", "node_type": "1", "metadata": {}, "hash": "56b10b742678053cdf69dd11b2e4e8c0202a07b95657eb970cecc342b7e306c8", "class_name": "RelatedNodeInfo"}}, "text": "- Citizen ke liye case successfully create karne ke steps kya hain?\n\n**Hinglish Answer:**\nCase create karne se pehle, haqdarshak ko family add karna zaroori hai. Family add karne ke baad, haqdarshak ko questionnaire bharna hoga. Phir bhare gaye questions ke hisaab se, scheme ya document ke liye case khola ja sakta hai. In steps ko follow karein:\n1. App mein family details add karein.\n2. Questionnaire ko puri tarah se complete karein.\n3. Answers ke aadhar par, appropriate scheme ya document select karein.\n4. Selected scheme ya document ke liye case create karein.\nAgar aapko abhi bhi issues aa rahe hain, to apne app permissions aur internet connection check karein.\n\n## Q37: Unable to Screen Citizen Due to Buffering\n\n**English Questions:**\n- I am not able to screen the citizen, it is buffering. What can I do?\n- The app keeps buffering when I try to screen a citizen. How to resolve this?\n- Why does the screening process get stuck in buffering?\n- Is there a way to prevent buffering during citizen screening?\n\n**English Answer:**\nHaqdarshak needs to restart the app and start the process of screening again. If the problem persists:\n1. Check your internet connection and switch to a stronger network if possible.\n2. Clear the app's cache from your device settings.\n3. Ensure you have the latest version of the app installed.\n4. If none of these steps work, try uninstalling and reinstalling the app.\n5. If the issue continues, report it to the technical support team.\n\n**Hinglish Questions:**\n- Main citizen ko screen nahi kar pa raha/rahi hoon, ye buffering kar raha hai. Kya kar sakta/sakti hoon?\n- Jab main citizen ko screen karne ki koshish karta/karti hoon to app baar-baar buffer karta hai. Ise kaise solve karein?\n- Screening process buffering mein kyun atka rehta hai?\n- Citizen screening ke dauraan buffering ko rokne ka koi tarika hai?", "mimetype": "text/plain", "start_char_idx": 47523, "end_char_idx": 49377, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5": {"__data__": {"id_": "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "fbae5f18-728a-4c9e-a69a-4dcc99522076", "node_type": "1", "metadata": {}, "hash": "90beea326759848103afa0ab8454a69b8bdca72e574e6a66d9c6f2d32f2420de", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "bb824fc5-0534-4c58-a06a-ed71019e476d", "node_type": "1", "metadata": {}, "hash": "bdf5ed68370f79261416cf429e955416d665b117eaef8347aef47d512dcec969", "class_name": "RelatedNodeInfo"}}, "text": "If the problem persists:\n1. Check your internet connection and switch to a stronger network if possible.\n2. Clear the app's cache from your device settings.\n3. Ensure you have the latest version of the app installed.\n4. If none of these steps work, try uninstalling and reinstalling the app.\n5. If the issue continues, report it to the technical support team.\n\n**Hinglish Questions:**\n- Main citizen ko screen nahi kar pa raha/rahi hoon, ye buffering kar raha hai. Kya kar sakta/sakti hoon?\n- Jab main citizen ko screen karne ki koshish karta/karti hoon to app baar-baar buffer karta hai. Ise kaise solve karein?\n- Screening process buffering mein kyun atka rehta hai?\n- Citizen screening ke dauraan buffering ko rokne ka koi tarika hai?\n\n**Hinglish Answer:**\nHaqdarshak ko app restart karke screening process dobara shuru karna chahiye. Agar problem bani rahti hai:\n1. Apna internet connection check karein aur agar possible ho to stronger network par switch karein.\n2. Device settings se app ka cache clear karein.\n3. Ensure karein ki aapke paas app ka latest version installed hai.\n4. Agar in steps se koi fark nahi padta, to app ko uninstall karke dobara install karne ki koshish karein.\n5. Agar issue jari rehta hai, to ise technical support team ko report karein.\n\n## Q38: Checking Beneficiary Status of Various Schemes\n\n**English Questions:**\n- I do not know how to check beneficiary status of various schemes such as PM Kisan, MGNREGA. Can you help?\n- How can I verify the beneficiary status for different government schemes?\n- What's the process to check if someone is a beneficiary of PM Kisan or MGNREGA?\n- Is there a way to confirm beneficiary status for multiple schemes at once?\n\n**English Answer:**\nThe user can check the beneficiary status on the government website of the particular scheme. Here's a general process:\n1.", "mimetype": "text/plain", "start_char_idx": 48640, "end_char_idx": 50476, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "bb824fc5-0534-4c58-a06a-ed71019e476d": {"__data__": {"id_": "bb824fc5-0534-4c58-a06a-ed71019e476d", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5", "node_type": "1", "metadata": {}, "hash": "56b10b742678053cdf69dd11b2e4e8c0202a07b95657eb970cecc342b7e306c8", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "b85898f8-4f69-4654-ae10-15ef39064e9c", "node_type": "1", "metadata": {}, "hash": "d701a61336e8ae48172634fa83d715c2bc3b10b5d8f2888cdb729ef264b09ec9", "class_name": "RelatedNodeInfo"}}, "text": "4. Agar in steps se koi fark nahi padta, to app ko uninstall karke dobara install karne ki koshish karein.\n5. Agar issue jari rehta hai, to ise technical support team ko report karein.\n\n## Q38: Checking Beneficiary Status of Various Schemes\n\n**English Questions:**\n- I do not know how to check beneficiary status of various schemes such as PM Kisan, MGNREGA. Can you help?\n- How can I verify the beneficiary status for different government schemes?\n- What's the process to check if someone is a beneficiary of PM Kisan or MGNREGA?\n- Is there a way to confirm beneficiary status for multiple schemes at once?\n\n**English Answer:**\nThe user can check the beneficiary status on the government website of the particular scheme. Here's a general process:\n1. Visit the official website of the scheme (e.g., pmkisan.gov.in for PM Kisan, nrega.nic.in for MGNREGA).\n2. Look for a \"Beneficiary Status\" or \"Check Status\" section.\n3. Enter the required details (usually Aadhaar number, mobile number, or registration number).\n4. Submit the information to view the status.\nFor multiple schemes, you'll need to check each scheme's website separately.\n\n**Hinglish Questions:**\n- Mujhe PM Kisan, MGNREGA jaise schemes ka beneficiary status check karna nahi aata. Kya aap help kar sakte hain?\n- Main alag-alag government schemes ke liye beneficiary status kaise verify kar sakta/sakti hoon?\n- Ye check karne ka process kya hai ki koi PM Kisan ya MGNREGA ka beneficiary hai ya nahi?\n- Kya ek saath multiple schemes ka beneficiary status confirm karne ka koi tarika hai?\n\n**Hinglish Answer:**\nUser particular scheme ki government website par beneficiary status check kar sakta hai. Yahan ek general process diya gaya hai:\n1. Scheme ki official website par jaayein (jaise, PM Kisan ke liye pmkisan.gov.in, MGNREGA ke liye nrega.nic.in).\n2. \"Beneficiary Status\" ya \"Check Status\" section dhoondhein.\n3.", "mimetype": "text/plain", "start_char_idx": 49725, "end_char_idx": 51605, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "b85898f8-4f69-4654-ae10-15ef39064e9c": {"__data__": {"id_": "b85898f8-4f69-4654-ae10-15ef39064e9c", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "bb824fc5-0534-4c58-a06a-ed71019e476d", "node_type": "1", "metadata": {}, "hash": "bdf5ed68370f79261416cf429e955416d665b117eaef8347aef47d512dcec969", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "71393b4c-c46e-4772-ae25-4900737e9f88", "node_type": "1", "metadata": {}, "hash": "caa91f7ac0fa455d1887d6ccdf70c74532d6258526dd7484ad7b6f54dc13f8d9", "class_name": "RelatedNodeInfo"}}, "text": "Kya aap help kar sakte hain?\n- Main alag-alag government schemes ke liye beneficiary status kaise verify kar sakta/sakti hoon?\n- Ye check karne ka process kya hai ki koi PM Kisan ya MGNREGA ka beneficiary hai ya nahi?\n- Kya ek saath multiple schemes ka beneficiary status confirm karne ka koi tarika hai?\n\n**Hinglish Answer:**\nUser particular scheme ki government website par beneficiary status check kar sakta hai. Yahan ek general process diya gaya hai:\n1. Scheme ki official website par jaayein (jaise, PM Kisan ke liye pmkisan.gov.in, MGNREGA ke liye nrega.nic.in).\n2. \"Beneficiary Status\" ya \"Check Status\" section dhoondhein.\n3. Required details enter karein (aam taur par Aadhaar number, mobile number, ya registration number).\n4. Status dekhne ke liye information submit karein.\nMultiple schemes ke liye, aapko har scheme ki website alag-alag check karni hogi.\n\n## Q39: Checking Scheme Eligibility\n\n**English Questions:**\n- What is the eligibility of scheme xyz?\n- How can I find out if someone qualifies for a specific scheme?\n- Where can I check the eligibility criteria for different schemes?\n- Is there a way to know all the requirements for scheme eligibility?\n\n**English Answer:**\nThe haqdarshak can do this in the HD app. They need to click on the scheme and check the eligibility criteria. Follow these steps:\n1. Open the HD app and log in.\n2. Navigate to the schemes section.\n3. Find and click on the specific scheme you're interested in.\n4. Look for the \"Eligibility Criteria\" or similar section within the scheme details.\n5. Review the listed criteria to determine if someone qualifies.\n\n**Hinglish Questions:**\n- Scheme xyz ki eligibility kya hai?\n- Main kaise pata kar sakta/sakti hoon ki koi specific scheme ke liye qualify karta hai ya nahi?\n- Alag-alag schemes ke eligibility criteria kahan check kar sakte hain?\n- Scheme eligibility ke saare requirements jaanne ka koi tarika hai?", "mimetype": "text/plain", "start_char_idx": 50971, "end_char_idx": 52876, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "71393b4c-c46e-4772-ae25-4900737e9f88": {"__data__": {"id_": "71393b4c-c46e-4772-ae25-4900737e9f88", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "b85898f8-4f69-4654-ae10-15ef39064e9c", "node_type": "1", "metadata": {}, "hash": "d701a61336e8ae48172634fa83d715c2bc3b10b5d8f2888cdb729ef264b09ec9", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "87f2210c-e344-4a79-8168-3e0b8a94f5c3", "node_type": "1", "metadata": {}, "hash": "4da80aeb488ff3adf745830824cf805d279a7338da52aa3e547c56ca37221cbe", "class_name": "RelatedNodeInfo"}}, "text": "- Is there a way to know all the requirements for scheme eligibility?\n\n**English Answer:**\nThe haqdarshak can do this in the HD app. They need to click on the scheme and check the eligibility criteria. Follow these steps:\n1. Open the HD app and log in.\n2. Navigate to the schemes section.\n3. Find and click on the specific scheme you're interested in.\n4. Look for the \"Eligibility Criteria\" or similar section within the scheme details.\n5. Review the listed criteria to determine if someone qualifies.\n\n**Hinglish Questions:**\n- Scheme xyz ki eligibility kya hai?\n- Main kaise pata kar sakta/sakti hoon ki koi specific scheme ke liye qualify karta hai ya nahi?\n- Alag-alag schemes ke eligibility criteria kahan check kar sakte hain?\n- Scheme eligibility ke saare requirements jaanne ka koi tarika hai?\n\n**Hinglish Answer:**\nHaqdarshak ye HD app mein kar sakta hai. Unhe scheme par click karke eligibility criteria check karna hoga. In steps ko follow karein:\n1. HD app kholein aur login karein.\n2. Schemes section mein jaayein.\n3. Jis specific scheme mein aap interested hain, use dhoondhein aur click karein.\n4. Scheme details mein \"Eligibility Criteria\" ya isi tarah ka section dhoondhein.\n5. Listed criteria ko review karein taki pata chale ki koi qualify karta hai ya nahi.\n\n## Q40: Required Documents for Scheme Application\n\n**English Questions:**\n- What documents are required to apply for scheme xyz?\n- How can I find out which papers are needed for a specific scheme application?\n- Where is the list of necessary documents for scheme applications?\n- Can you tell me all the documents I need to apply for a particular scheme?\n\n**English Answer:**\nThe haqdarshak can do this in the HD app. They need to click on the scheme and check the documents required. Here's how:\n1. Open the HD app and log in.\n2. Navigate to the schemes section.\n3. Find and click on the specific scheme you're interested in.\n4. Look for the \"Required Documents\" or similar section within the scheme details.", "mimetype": "text/plain", "start_char_idx": 52075, "end_char_idx": 54062, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "87f2210c-e344-4a79-8168-3e0b8a94f5c3": {"__data__": {"id_": "87f2210c-e344-4a79-8168-3e0b8a94f5c3", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "71393b4c-c46e-4772-ae25-4900737e9f88", "node_type": "1", "metadata": {}, "hash": "caa91f7ac0fa455d1887d6ccdf70c74532d6258526dd7484ad7b6f54dc13f8d9", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "13f2a3a8-2c0d-4b42-a9c6-a5719324f406", "node_type": "1", "metadata": {}, "hash": "68b424ceee143577f5502ee0f48aa58f6e52938d16dc4a9e0262e60268c4b60b", "class_name": "RelatedNodeInfo"}}, "text": "5. Listed criteria ko review karein taki pata chale ki koi qualify karta hai ya nahi.\n\n## Q40: Required Documents for Scheme Application\n\n**English Questions:**\n- What documents are required to apply for scheme xyz?\n- How can I find out which papers are needed for a specific scheme application?\n- Where is the list of necessary documents for scheme applications?\n- Can you tell me all the documents I need to apply for a particular scheme?\n\n**English Answer:**\nThe haqdarshak can do this in the HD app. They need to click on the scheme and check the documents required. Here's how:\n1. Open the HD app and log in.\n2. Navigate to the schemes section.\n3. Find and click on the specific scheme you're interested in.\n4. Look for the \"Required Documents\" or similar section within the scheme details.\n5. Review the list of documents needed for the application.\n\n**Hinglish Questions:**\n- Scheme xyz ke liye apply karne ke liye kaunse documents chahiye?\n- Mujhe kaise pata chalega ki specific scheme application ke liye kaun se papers ki zaroorat hai?\n- Scheme applications ke liye necessary documents ki list kahan hai?\n- Kya aap mujhe bata sakte hain ki particular scheme ke liye apply karne ke liye mujhe kaunse saare documents chahiye?\n\n**Hinglish Answer:**\nHaqdarshak ye HD app mein kar sakta hai. Unhe scheme par click karke required documents check karne honge. Yahan bataya gaya hai kaise:\n1. HD app kholein aur login karein.\n2. Schemes section mein jaayein.\n3. Jis specific scheme mein aap interested hain, use dhoondhein aur click karein.\n4. Scheme details mein \"Required Documents\" ya isi tarah ka section dhoondhein.\n5. Application ke liye zaruri documents ki list review karein.\n\n## Q41: Service Fee for Schemes\n\n**English Questions:**\n- What is the service fee for scheme xyz?\n- How much does it cost to apply for a particular scheme?\n- Where can I find information about service fees for different schemes?", "mimetype": "text/plain", "start_char_idx": 53267, "end_char_idx": 55182, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "13f2a3a8-2c0d-4b42-a9c6-a5719324f406": {"__data__": {"id_": "13f2a3a8-2c0d-4b42-a9c6-a5719324f406", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "87f2210c-e344-4a79-8168-3e0b8a94f5c3", "node_type": "1", "metadata": {}, "hash": "4da80aeb488ff3adf745830824cf805d279a7338da52aa3e547c56ca37221cbe", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "b2d85a76-08fc-45aa-94c2-177c8996dcc1", "node_type": "1", "metadata": {}, "hash": "fb38077615fc7f5dab2a2026d1a00fd360b3f21c7f3bc8bbc115ae945bb95d6c", "class_name": "RelatedNodeInfo"}}, "text": "**Hinglish Answer:**\nHaqdarshak ye HD app mein kar sakta hai. Unhe scheme par click karke required documents check karne honge. Yahan bataya gaya hai kaise:\n1. HD app kholein aur login karein.\n2. Schemes section mein jaayein.\n3. Jis specific scheme mein aap interested hain, use dhoondhein aur click karein.\n4. Scheme details mein \"Required Documents\" ya isi tarah ka section dhoondhein.\n5. Application ke liye zaruri documents ki list review karein.\n\n## Q41: Service Fee for Schemes\n\n**English Questions:**\n- What is the service fee for scheme xyz?\n- How much does it cost to apply for a particular scheme?\n- Where can I find information about service fees for different schemes?\n- Is there a standard service fee for all schemes or does it vary?\n\n**English Answer:**\nService fee is the charge HD takes to do the application for any schemes. It depends on the project module. To find the specific service fee:\n1. Check the scheme details in the HD app.\n2. Look for a \"Service Fee\" or \"Charges\" section.\n3. If not found in the app, consult your supervisor or project manager.\n4. Remember that fees can vary based on the scheme and project.\n\n**Hinglish Questions:**\n- Scheme xyz ke liye service fee kya hai?\n- Kisi particular scheme ke liye apply karne mein kitna kharch aata hai?\n- Alag-alag schemes ke service fees ke baare mein information kahan mil sakti hai?\n- Kya saare schemes ke liye ek standard service fee hai ya ye alag-alag hota hai?\n\n**Hinglish Answer:**\nService fee wo charge hai jo HD kisi bhi scheme ke liye application karne ke liye leta hai. Ye project module par depend karta hai. Specific service fee jaanne ke liye:\n1. HD app mein scheme details check karein.\n2. \"Service Fee\" ya \"Charges\" section dhoondhein.\n3. Agar app mein nahi milta, to apne supervisor ya project manager se puchein.\n4.", "mimetype": "text/plain", "start_char_idx": 54502, "end_char_idx": 56313, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "b2d85a76-08fc-45aa-94c2-177c8996dcc1": {"__data__": {"id_": "b2d85a76-08fc-45aa-94c2-177c8996dcc1", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "13f2a3a8-2c0d-4b42-a9c6-a5719324f406", "node_type": "1", "metadata": {}, "hash": "68b424ceee143577f5502ee0f48aa58f6e52938d16dc4a9e0262e60268c4b60b", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "ac709021-f911-4b35-be05-f3b3411f7d9c", "node_type": "1", "metadata": {}, "hash": "ce684fdd45d57ba6a32e227bb72a6a1a7eb6c746821752e4fea902f772fe54aa", "class_name": "RelatedNodeInfo"}}, "text": "**Hinglish Questions:**\n- Scheme xyz ke liye service fee kya hai?\n- Kisi particular scheme ke liye apply karne mein kitna kharch aata hai?\n- Alag-alag schemes ke service fees ke baare mein information kahan mil sakti hai?\n- Kya saare schemes ke liye ek standard service fee hai ya ye alag-alag hota hai?\n\n**Hinglish Answer:**\nService fee wo charge hai jo HD kisi bhi scheme ke liye application karne ke liye leta hai. Ye project module par depend karta hai. Specific service fee jaanne ke liye:\n1. HD app mein scheme details check karein.\n2. \"Service Fee\" ya \"Charges\" section dhoondhein.\n3. Agar app mein nahi milta, to apne supervisor ya project manager se puchein.\n4. Yaad rakhein ki fees scheme aur project ke hisaab se alag-alag ho sakti hain.\n\n## Q42: Screening Fee for Schemes\n\n**English Questions:**\n- What is the screening fee for scheme xyz?\n- How much does it cost to get screened for eligibility in a particular scheme?\n- Is there a fee for checking if I'm eligible for a scheme?\n- Where can I find information about screening fees for different schemes?\n\n**English Answer:**\nThe screening fee is the token deducted after completing the screening questionnaire in the app to check the list of available schemes. It involves filling out the questions shown in the app during the screening process. To know the specific screening fee:\n1. Check the app settings or information section.\n2. Look for \"Screening Fee\" or \"Eligibility Check Fee\" in the scheme details.\n3. If not found, consult your supervisor or project manager.\n4. Note that screening fees may vary depending on the project or scheme.\n\n**Hinglish Questions:**\n- Scheme xyz ke liye screening fee kya hai?\n- Kisi particular scheme mein eligibility ke liye screen hone mein kitna kharch aata hai?\n- Kya ye check karne ke liye fee lagti hai ki main kisi scheme ke liye eligible hoon ya nahi?\n- Alag-alag schemes ke screening fees ke baare mein information kahan mil sakti hai?", "mimetype": "text/plain", "start_char_idx": 55643, "end_char_idx": 57587, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "ac709021-f911-4b35-be05-f3b3411f7d9c": {"__data__": {"id_": "ac709021-f911-4b35-be05-f3b3411f7d9c", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "b2d85a76-08fc-45aa-94c2-177c8996dcc1", "node_type": "1", "metadata": {}, "hash": "fb38077615fc7f5dab2a2026d1a00fd360b3f21c7f3bc8bbc115ae945bb95d6c", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "096927c1-1464-4bbe-8d55-39811b68b384", "node_type": "1", "metadata": {}, "hash": "540a1deb60f3b5cad8488b6137bffb8a4b4ac12364167463de84a8c80764136a", "class_name": "RelatedNodeInfo"}}, "text": "It involves filling out the questions shown in the app during the screening process. To know the specific screening fee:\n1. Check the app settings or information section.\n2. Look for \"Screening Fee\" or \"Eligibility Check Fee\" in the scheme details.\n3. If not found, consult your supervisor or project manager.\n4. Note that screening fees may vary depending on the project or scheme.\n\n**Hinglish Questions:**\n- Scheme xyz ke liye screening fee kya hai?\n- Kisi particular scheme mein eligibility ke liye screen hone mein kitna kharch aata hai?\n- Kya ye check karne ke liye fee lagti hai ki main kisi scheme ke liye eligible hoon ya nahi?\n- Alag-alag schemes ke screening fees ke baare mein information kahan mil sakti hai?\n\n**Hinglish Answer:**\nScreening fee wo token hai jo app mein available schemes ki list check karne ke liye screening questionnaire complete karne ke baad kata jata hai. Isme screening process ke dauraan app mein dikhaye gaye questions ko bharna shaamil hai. Specific screening fee jaanne ke liye:\n1. App settings ya information section check karein.\n2. Scheme details mein \"Screening Fee\" ya \"Eligibility Check Fee\" dhoondhein.\n3. Agar nahi milta, to apne supervisor ya project manager se puchein.\n4. Dhyan rakhein ki screening fees project ya scheme ke hisaab se alag-alag ho sakti hain.\n\n## Q43: Government Fee for Schemes\n\n**English Questions:**\n- What is the government fee for scheme xyz?\n- How much does the government charge for applying to a particular scheme?\n- Where can I find official fee information for different government schemes?\n- Is there a standard government fee for all schemes or does it vary?\n\n**English Answer:**\nGovernment fee is the fee which is set by the government to process the application. To find the specific government fee:\n1. Check the official government website for the scheme.\n2. Look for \"Application Fee\" or \"Processing Fee\" in the scheme details in the HD app.\n3. If not found, consult your supervisor or check with the relevant government department.\n4. Remember that government fees can vary based on the scheme and may change over time.", "mimetype": "text/plain", "start_char_idx": 56867, "end_char_idx": 58970, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "096927c1-1464-4bbe-8d55-39811b68b384": {"__data__": {"id_": "096927c1-1464-4bbe-8d55-39811b68b384", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "ac709021-f911-4b35-be05-f3b3411f7d9c", "node_type": "1", "metadata": {}, "hash": "ce684fdd45d57ba6a32e227bb72a6a1a7eb6c746821752e4fea902f772fe54aa", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "c3d6c75e-a3ef-443a-b724-199be3dc9897", "node_type": "1", "metadata": {}, "hash": "e042cc620b62964054762a61ebf10e7029b153c98b096ecf5685eebeb1a047c0", "class_name": "RelatedNodeInfo"}}, "text": "4. Dhyan rakhein ki screening fees project ya scheme ke hisaab se alag-alag ho sakti hain.\n\n## Q43: Government Fee for Schemes\n\n**English Questions:**\n- What is the government fee for scheme xyz?\n- How much does the government charge for applying to a particular scheme?\n- Where can I find official fee information for different government schemes?\n- Is there a standard government fee for all schemes or does it vary?\n\n**English Answer:**\nGovernment fee is the fee which is set by the government to process the application. To find the specific government fee:\n1. Check the official government website for the scheme.\n2. Look for \"Application Fee\" or \"Processing Fee\" in the scheme details in the HD app.\n3. If not found, consult your supervisor or check with the relevant government department.\n4. Remember that government fees can vary based on the scheme and may change over time.\n\n**Hinglish Questions:**\n- Scheme xyz ke liye government fee kya hai?\n- Kisi particular scheme ke liye apply karne mein government kitna charge karti hai?\n- Alag-alag government schemes ke official fee information kahan mil sakti hai?\n- Kya saare schemes ke liye ek standard government fee hai ya ye alag-alag hota hai?\n\n**Hinglish Answer:**\nGovernment fee wo fee hai jo government application process karne ke liye set karti hai. Specific government fee jaanne ke liye:\n1. Scheme ki official government website check karein.\n2. HD app mein scheme details mein \"Application Fee\" ya \"Processing Fee\" dhoondhein.\n3. Agar nahi milta, to apne supervisor se puchein ya relevant government department se check karein.\n4. Yaad rakhein ki government fees scheme ke hisaab se alag-alag ho sakti hain aur samay ke saath badal sakti hain.\n\nQ44: Configuration Update Process\nEnglish Questions:\n\nWhat is configuration update? How do I do it?\nCan you explain the process of updating the app configuration?\nWhy is configuration update important and how often should I do it?\nI'm having trouble with the configuration update. What should I do?\n\nEnglish Answer:\nConfiguration update is similar to an app data update. It ensures that your app has the latest settings and features from the server.", "mimetype": "text/plain", "start_char_idx": 58086, "end_char_idx": 60249, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "c3d6c75e-a3ef-443a-b724-199be3dc9897": {"__data__": {"id_": "c3d6c75e-a3ef-443a-b724-199be3dc9897", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "096927c1-1464-4bbe-8d55-39811b68b384", "node_type": "1", "metadata": {}, "hash": "540a1deb60f3b5cad8488b6137bffb8a4b4ac12364167463de84a8c80764136a", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "f082491a-5cfc-49c0-9c75-1b8f8cbe283f", "node_type": "1", "metadata": {}, "hash": "9a60f97d5811cafa4c65dddb78a4b83caf2d5cd81ac9c9f3a2325cc2b4bcdbfe", "class_name": "RelatedNodeInfo"}}, "text": "Scheme ki official government website check karein.\n2. HD app mein scheme details mein \"Application Fee\" ya \"Processing Fee\" dhoondhein.\n3. Agar nahi milta, to apne supervisor se puchein ya relevant government department se check karein.\n4. Yaad rakhein ki government fees scheme ke hisaab se alag-alag ho sakti hain aur samay ke saath badal sakti hain.\n\nQ44: Configuration Update Process\nEnglish Questions:\n\nWhat is configuration update? How do I do it?\nCan you explain the process of updating the app configuration?\nWhy is configuration update important and how often should I do it?\nI'm having trouble with the configuration update. What should I do?\n\nEnglish Answer:\nConfiguration update is similar to an app data update. It ensures that your app has the latest settings and features from the server. Here's a detailed guide:\nHow to do a configuration update:\na. Open the AMS app.\nb. Go to the app settings.\nc. Click on the \"About\" option.\nd. Look for and click on \"Configuration Update\" or similar option.\ne. Wait for the update to complete.\nHow often to do it:\nWhenever prompted by the app.\nAfter any major changes announced by your organization.\nIf you're experiencing unusual app behavior.\nAt least once a week is a good practice.\n\nIf you're having trouble:\nEnsure you have a stable internet connection.\nRestart the app and try again.\nClear the app cache and data, then attempt the update.\nIf the problem persists, note any error messages and contact technical support.\n\nHinglish Questions:\n\nConfiguration update kya hai? Main ise kaise karu?\nKya aap app configuration update karne ka process explain kar sakte hain?\nConfiguration update kyun important hai aur mujhe ise kitni baar karna chahiye?\nMujhe configuration update mein problem aa rahi hai. Mujhe kya karna chahiye?\n\nHinglish Answer:\nConfiguration update app data update ke jaisa hi hai. Yeh ensure karta hai ki aapke app mein server se latest settings aur features hain. Yahan ek detailed guide di gayi hai:\nConfiguration update kaise karein:\na. AMS app kholein.\nb. App settings mein jaayein.\nc. \"About\" option par click karein.", "mimetype": "text/plain", "start_char_idx": 59445, "end_char_idx": 61541, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "f082491a-5cfc-49c0-9c75-1b8f8cbe283f": {"__data__": {"id_": "f082491a-5cfc-49c0-9c75-1b8f8cbe283f", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "c3d6c75e-a3ef-443a-b724-199be3dc9897", "node_type": "1", "metadata": {}, "hash": "e042cc620b62964054762a61ebf10e7029b153c98b096ecf5685eebeb1a047c0", "class_name": "RelatedNodeInfo"}, "3": {"node_id": "d7bffc3e-0af8-49ec-a00c-75692643ffa1", "node_type": "1", "metadata": {}, "hash": "200fafc2cf5cf02ad92c4bb4399e791758b851ff302f86deec028b3e6e1a067d", "class_name": "RelatedNodeInfo"}}, "text": "Clear the app cache and data, then attempt the update.\nIf the problem persists, note any error messages and contact technical support.\n\nHinglish Questions:\n\nConfiguration update kya hai? Main ise kaise karu?\nKya aap app configuration update karne ka process explain kar sakte hain?\nConfiguration update kyun important hai aur mujhe ise kitni baar karna chahiye?\nMujhe configuration update mein problem aa rahi hai. Mujhe kya karna chahiye?\n\nHinglish Answer:\nConfiguration update app data update ke jaisa hi hai. Yeh ensure karta hai ki aapke app mein server se latest settings aur features hain. Yahan ek detailed guide di gayi hai:\nConfiguration update kaise karein:\na. AMS app kholein.\nb. App settings mein jaayein.\nc. \"About\" option par click karein.\nd. \"Configuration Update\" ya isi tarah ka option dhoondhen aur click karein.\ne. Update complete hone ka intezaar karein.\nIse kitni baar karna chahiye:\n\nJab bhi app prompt kare.\nAapke organization dwara announce kiye gaye kisi bhi major changes ke baad.\nAgar aap unusual app behavior experience kar rahe hain.\nKam se kam hafte mein ek baar karna ek acchi practice hai.\n\nAgar aapko problem aa rahi hai:\nEnsure karein ki aapke paas stable internet connection hai.\nApp restart karein aur phir se try karein.\nApp cache aur data clear karein, phir update ki koshish karein.\nAgar problem bani rehti hai, to kisi bhi error messages ko note karein aur technical support se contact karein.\n\n## Q45: Exclamatory Mark on Citizen Profile\n\n**English Questions:**\n- An exclamatory mark is showing on the right side of the citizen profile. What does this mean?\n- Why is there an exclamation point next to a citizen's profile?\n- What does the warning symbol on a citizen's profile indicate?\n- I see an alert icon on some citizen profiles. What action should I take?\n\n**English Answer:**\nThis means that the citizen's profile is not complete and full screening has not been done.", "mimetype": "text/plain", "start_char_idx": 60788, "end_char_idx": 62703, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}, "d7bffc3e-0af8-49ec-a00c-75692643ffa1": {"__data__": {"id_": "d7bffc3e-0af8-49ec-a00c-75692643ffa1", "embedding": null, "metadata": {}, "excluded_embed_metadata_keys": [], "excluded_llm_metadata_keys": [], "relationships": {"1": {"node_id": "309869f6-cbad-4141-8027-86efda9e030f", "node_type": "4", "metadata": {}, "hash": "8f945d10c7de37e3bdb7275ac29d0ecf6a2df2483f2c478f3b31ee400785d79d", "class_name": "RelatedNodeInfo"}, "2": {"node_id": "f082491a-5cfc-49c0-9c75-1b8f8cbe283f", "node_type": "1", "metadata": {}, "hash": "9a60f97d5811cafa4c65dddb78a4b83caf2d5cd81ac9c9f3a2325cc2b4bcdbfe", "class_name": "RelatedNodeInfo"}}, "text": "App restart karein aur phir se try karein.\nApp cache aur data clear karein, phir update ki koshish karein.\nAgar problem bani rehti hai, to kisi bhi error messages ko note karein aur technical support se contact karein.\n\n## Q45: Exclamatory Mark on Citizen Profile\n\n**English Questions:**\n- An exclamatory mark is showing on the right side of the citizen profile. What does this mean?\n- Why is there an exclamation point next to a citizen's profile?\n- What does the warning symbol on a citizen's profile indicate?\n- I see an alert icon on some citizen profiles. What action should I take?\n\n**English Answer:**\nThis means that the citizen's profile is not complete and full screening has not been done. To resolve this:\n1. Open the citizen's profile.\n2. Check for any incomplete sections or missing information.\n3. Complete the full screening process if it hasn't been done.\n4. Update any outdated information.\n5. After completing all required fields and screenings, the exclamation mark should disappear.\nIf the mark persists after completing all steps, report the issue to technical support.\n\n**Hinglish Questions:**\n- Citizen profile ke right side par ek exclamatory mark dikha raha hai. Iska kya matlab hai?\n- Citizen ke profile ke paas exclamation point kyun hai?\n- Citizen ke profile par warning symbol kya indicate karta hai?\n- Mujhe kuch citizen profiles par alert icon dikh raha hai. Mujhe kya action lena chahiye?\n\n**Hinglish Answer:**\nIska matlab hai ki citizen ka profile complete nahi hai aur full screening nahi ki gayi hai. Ise solve karne ke liye:\n1. Citizen ka profile kholein.\n2. Kisi bhi incomplete sections ya missing information ke liye check karein.\n3. Agar nahi kiya gaya hai to full screening process complete karein.\n4. Kisi bhi outdated information ko update karein.\n5. Saare required fields aur screenings complete karne ke baad, exclamation mark gayab ho jana chahiye.\nAgar saare steps complete karne ke baad bhi mark bana rehta hai, to issue ko technical support ko report karein.", "mimetype": "text/plain", "start_char_idx": 62003, "end_char_idx": 64010, "text_template": "{metadata_str}\n\n{content}", "metadata_template": "{key}: {value}", "metadata_seperator": "\n", "class_name": "TextNode"}, "__type__": "1"}}, "docstore/ref_doc_info": {"309869f6-cbad-4141-8027-86efda9e030f": {"node_ids": ["d6b5ab1d-0961-4e99-a108-30d70f8abef2", "c09194cd-6361-42ac-b9e7-ba087c74d7e2", "5532cc4a-e055-410c-a373-49430e34d5d1", "1a3a3b7c-ee15-4d44-bae3-50a77f944c8d", "f192b2db-6de7-4806-9c6c-8e1c3abc1d93", "56da22db-41b3-4aaf-808d-821deae2e5e4", "05751854-84bb-4efb-aac7-1b9c0963712a", "c6a53284-e08f-4c91-9247-67afe3d6a669", "3549011f-8621-461a-8d53-00df3e0ba5cb", "9c6fc2b6-6251-4321-bc19-11724a6c4ce2", "788851b8-e719-4796-86ba-109ea1e03798", "df752e78-023d-4043-b0f9-a822ac6ebb6c", "7fb24649-a9ee-4879-95a5-576f1218764b", "2fcc3328-92c5-4a67-8bf3-077a0f0e0360", "e7923477-3d12-4cc7-9ec6-8074aa07a454", "4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521", "d4e8af6d-31e3-4394-a497-198261b0be54", "9d3ab415-92f1-4d4c-ada2-3df199495f44", "e91808ff-f72e-4cd2-a10e-7b7027c3117e", "88b792b9-c388-4e3b-a521-9213b14898ff", "79b10ad5-6204-4319-b7ff-1168bb0268ba", "2780b88e-9078-43df-a63d-9a8c6be609ba", "889775ae-5120-4b1c-8b55-929e79c14bb8", "6c38ece5-f833-48a8-a596-699a8eaebd4d", "160f5173-ce59-4354-bb1b-2ef61fda44bd", "b672476d-0dd7-453f-9a5b-8b198624b7e4", "46074827-aca5-4bc0-8450-1cc7ae4b8581", "da081514-32e3-43c9-a641-fc4961aeb8f1", "29bf10fc-248f-4095-9e35-4f679dfebc96", "d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa", "510591bf-3ea8-4a9c-ae4b-80994bc8bc9f", "026deff9-e172-4d98-82cc-712515a0d142", "41865b0a-f466-4af8-bb63-d65448869e93", "8eee4a42-8c54-47d8-b806-f666e7dff495", "a1d9a7e2-807c-4234-87aa-fb04d212b1d6", "c002f794-a118-4596-8fc5-1a583fc1cd8e", "35e2081d-5288-4b59-8e8d-3e956a47ae9c", "ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c", "d601700a-368f-4017-b334-d46d10325bbb", "fbae5f18-728a-4c9e-a69a-4dcc99522076", "5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5", "bb824fc5-0534-4c58-a06a-ed71019e476d", "b85898f8-4f69-4654-ae10-15ef39064e9c", "71393b4c-c46e-4772-ae25-4900737e9f88", "87f2210c-e344-4a79-8168-3e0b8a94f5c3", "13f2a3a8-2c0d-4b42-a9c6-a5719324f406", "b2d85a76-08fc-45aa-94c2-177c8996dcc1", "ac709021-f911-4b35-be05-f3b3411f7d9c", "096927c1-1464-4bbe-8d55-39811b68b384", "c3d6c75e-a3ef-443a-b724-199be3dc9897", "f082491a-5cfc-49c0-9c75-1b8f8cbe283f", "d7bffc3e-0af8-49ec-a00c-75692643ffa1"], "metadata": {}}}} \ No newline at end of file diff --git a/storage/index_store.json b/storage/index_store.json index 74d1480..9b7960f 100644 --- a/storage/index_store.json +++ b/storage/index_store.json @@ -1 +1 @@ -{"index_store/data": {"10542696-3b13-4936-aeed-e0478f4f4606": {"__type__": "vector_store", "__data__": "{\"index_id\": \"10542696-3b13-4936-aeed-e0478f4f4606\", \"summary\": null, \"nodes_dict\": {\"cb7d35e2-7643-4351-a5c9-f73e106da74b\": \"cb7d35e2-7643-4351-a5c9-f73e106da74b\", \"a81795a9-669b-470c-8f84-ba33adf7596d\": \"a81795a9-669b-470c-8f84-ba33adf7596d\", \"3f418996-ec74-436a-bacf-f32d9af850aa\": \"3f418996-ec74-436a-bacf-f32d9af850aa\", \"c742b29b-bab3-4abc-805d-f470b49e46e3\": \"c742b29b-bab3-4abc-805d-f470b49e46e3\", \"3971ba22-57eb-45e7-9d42-5e47a94a33fa\": \"3971ba22-57eb-45e7-9d42-5e47a94a33fa\", \"138b76dd-e345-4d31-a006-e48048a69469\": \"138b76dd-e345-4d31-a006-e48048a69469\", \"fd292866-84f1-402a-9736-1d48ba26f405\": \"fd292866-84f1-402a-9736-1d48ba26f405\", \"00e8827b-1fde-4314-9937-17b05d3dcb5a\": \"00e8827b-1fde-4314-9937-17b05d3dcb5a\"}, \"doc_id_dict\": {}, \"embeddings_dict\": {}}"}}} \ No newline at end of file +{"index_store/data": {"eb3f4354-46ea-403b-b0df-7cf7482799d9": {"__type__": "vector_store", "__data__": "{\"index_id\": \"eb3f4354-46ea-403b-b0df-7cf7482799d9\", \"summary\": null, \"nodes_dict\": {\"d6b5ab1d-0961-4e99-a108-30d70f8abef2\": \"d6b5ab1d-0961-4e99-a108-30d70f8abef2\", \"c09194cd-6361-42ac-b9e7-ba087c74d7e2\": \"c09194cd-6361-42ac-b9e7-ba087c74d7e2\", \"5532cc4a-e055-410c-a373-49430e34d5d1\": \"5532cc4a-e055-410c-a373-49430e34d5d1\", \"1a3a3b7c-ee15-4d44-bae3-50a77f944c8d\": \"1a3a3b7c-ee15-4d44-bae3-50a77f944c8d\", \"f192b2db-6de7-4806-9c6c-8e1c3abc1d93\": \"f192b2db-6de7-4806-9c6c-8e1c3abc1d93\", \"56da22db-41b3-4aaf-808d-821deae2e5e4\": \"56da22db-41b3-4aaf-808d-821deae2e5e4\", \"05751854-84bb-4efb-aac7-1b9c0963712a\": \"05751854-84bb-4efb-aac7-1b9c0963712a\", \"c6a53284-e08f-4c91-9247-67afe3d6a669\": \"c6a53284-e08f-4c91-9247-67afe3d6a669\", \"3549011f-8621-461a-8d53-00df3e0ba5cb\": \"3549011f-8621-461a-8d53-00df3e0ba5cb\", \"9c6fc2b6-6251-4321-bc19-11724a6c4ce2\": \"9c6fc2b6-6251-4321-bc19-11724a6c4ce2\", \"788851b8-e719-4796-86ba-109ea1e03798\": \"788851b8-e719-4796-86ba-109ea1e03798\", \"df752e78-023d-4043-b0f9-a822ac6ebb6c\": \"df752e78-023d-4043-b0f9-a822ac6ebb6c\", \"7fb24649-a9ee-4879-95a5-576f1218764b\": \"7fb24649-a9ee-4879-95a5-576f1218764b\", \"2fcc3328-92c5-4a67-8bf3-077a0f0e0360\": \"2fcc3328-92c5-4a67-8bf3-077a0f0e0360\", \"e7923477-3d12-4cc7-9ec6-8074aa07a454\": \"e7923477-3d12-4cc7-9ec6-8074aa07a454\", \"4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521\": \"4dc49f3e-c065-4ed5-9dff-b0a9a9f2f521\", \"d4e8af6d-31e3-4394-a497-198261b0be54\": \"d4e8af6d-31e3-4394-a497-198261b0be54\", \"9d3ab415-92f1-4d4c-ada2-3df199495f44\": \"9d3ab415-92f1-4d4c-ada2-3df199495f44\", \"e91808ff-f72e-4cd2-a10e-7b7027c3117e\": \"e91808ff-f72e-4cd2-a10e-7b7027c3117e\", \"88b792b9-c388-4e3b-a521-9213b14898ff\": \"88b792b9-c388-4e3b-a521-9213b14898ff\", \"79b10ad5-6204-4319-b7ff-1168bb0268ba\": \"79b10ad5-6204-4319-b7ff-1168bb0268ba\", \"2780b88e-9078-43df-a63d-9a8c6be609ba\": \"2780b88e-9078-43df-a63d-9a8c6be609ba\", \"889775ae-5120-4b1c-8b55-929e79c14bb8\": \"889775ae-5120-4b1c-8b55-929e79c14bb8\", \"6c38ece5-f833-48a8-a596-699a8eaebd4d\": \"6c38ece5-f833-48a8-a596-699a8eaebd4d\", \"160f5173-ce59-4354-bb1b-2ef61fda44bd\": \"160f5173-ce59-4354-bb1b-2ef61fda44bd\", \"b672476d-0dd7-453f-9a5b-8b198624b7e4\": \"b672476d-0dd7-453f-9a5b-8b198624b7e4\", \"46074827-aca5-4bc0-8450-1cc7ae4b8581\": \"46074827-aca5-4bc0-8450-1cc7ae4b8581\", \"da081514-32e3-43c9-a641-fc4961aeb8f1\": \"da081514-32e3-43c9-a641-fc4961aeb8f1\", \"29bf10fc-248f-4095-9e35-4f679dfebc96\": \"29bf10fc-248f-4095-9e35-4f679dfebc96\", \"d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa\": \"d94e2a2a-53c5-4efa-946c-a6cdfb2b28aa\", \"510591bf-3ea8-4a9c-ae4b-80994bc8bc9f\": \"510591bf-3ea8-4a9c-ae4b-80994bc8bc9f\", \"026deff9-e172-4d98-82cc-712515a0d142\": \"026deff9-e172-4d98-82cc-712515a0d142\", \"41865b0a-f466-4af8-bb63-d65448869e93\": \"41865b0a-f466-4af8-bb63-d65448869e93\", \"8eee4a42-8c54-47d8-b806-f666e7dff495\": \"8eee4a42-8c54-47d8-b806-f666e7dff495\", \"a1d9a7e2-807c-4234-87aa-fb04d212b1d6\": \"a1d9a7e2-807c-4234-87aa-fb04d212b1d6\", \"c002f794-a118-4596-8fc5-1a583fc1cd8e\": \"c002f794-a118-4596-8fc5-1a583fc1cd8e\", \"35e2081d-5288-4b59-8e8d-3e956a47ae9c\": \"35e2081d-5288-4b59-8e8d-3e956a47ae9c\", \"ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c\": \"ddf2f48d-33dc-4125-bbfa-d246c1cf5f9c\", \"d601700a-368f-4017-b334-d46d10325bbb\": \"d601700a-368f-4017-b334-d46d10325bbb\", \"fbae5f18-728a-4c9e-a69a-4dcc99522076\": \"fbae5f18-728a-4c9e-a69a-4dcc99522076\", \"5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5\": \"5dcf1ce1-4668-401c-8c9a-6fac43a7d6a5\", \"bb824fc5-0534-4c58-a06a-ed71019e476d\": \"bb824fc5-0534-4c58-a06a-ed71019e476d\", \"b85898f8-4f69-4654-ae10-15ef39064e9c\": \"b85898f8-4f69-4654-ae10-15ef39064e9c\", \"71393b4c-c46e-4772-ae25-4900737e9f88\": \"71393b4c-c46e-4772-ae25-4900737e9f88\", \"87f2210c-e344-4a79-8168-3e0b8a94f5c3\": \"87f2210c-e344-4a79-8168-3e0b8a94f5c3\", \"13f2a3a8-2c0d-4b42-a9c6-a5719324f406\": \"13f2a3a8-2c0d-4b42-a9c6-a5719324f406\", \"b2d85a76-08fc-45aa-94c2-177c8996dcc1\": \"b2d85a76-08fc-45aa-94c2-177c8996dcc1\", \"ac709021-f911-4b35-be05-f3b3411f7d9c\": \"ac709021-f911-4b35-be05-f3b3411f7d9c\", \"096927c1-1464-4bbe-8d55-39811b68b384\": \"096927c1-1464-4bbe-8d55-39811b68b384\", \"c3d6c75e-a3ef-443a-b724-199be3dc9897\": \"c3d6c75e-a3ef-443a-b724-199be3dc9897\", \"f082491a-5cfc-49c0-9c75-1b8f8cbe283f\": \"f082491a-5cfc-49c0-9c75-1b8f8cbe283f\", \"d7bffc3e-0af8-49ec-a00c-75692643ffa1\": \"d7bffc3e-0af8-49ec-a00c-75692643ffa1\"}, \"doc_id_dict\": {}, \"embeddings_dict\": {}}"}}} \ No newline at end of file